{ "cells": [ { "cell_type": "markdown", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "---\n", "# **Unsupervised Semantic Sentiment Analysis of IMDB Reviews**\n", "## **A model to capture sentiment complexity and text subjectivity**\n", "\n", "### by [Ahmad Hashemi](https://www.linkedin.com/in/ahmad-hashemi-oxford/)\n", "---\n", "\n", "![alt text](../reports/figures/distribution_of_high_confidence_predictions_on_PSS_NSS_plane.png)" ] }, { "cell_type": "markdown", "metadata": { "id": "xxuUFISrqjML" }, "source": [ "\n", "\n", "# Table of contents \n", "\n", "1. [Introduction](#Introduction)\n", " >- Problem overview\n", " >- Importing necessary libraries \n", " \n", "2. [Data Preprocessing](#Preprocessing)\n", " >- Utility module\n", " \n", "3. [Supervised Models](#Supervised_Models)\n", "\n", "4. [Unsupervised Approach](#Unsupervised_Approach)\n", " >- Training the word embedding model\n", " >- Defining the negative and positive sets\n", " >- Calculating the semantic sentiment of the reviews\n", " >- High confidence predictions\n", " \n", "5. [Further Analysis](#Further_Analysis)\n", " >- Sentiment complexity \n", " >- A Qualitative Assessment\n", " >- Now it's your turn!" ] }, { "cell_type": "markdown", "metadata": { "id": "pqJIZlMwqjMM" }, "source": [ "---\n", "\n", "# 1. Introduction\n", "---" ] }, { "cell_type": "markdown", "metadata": { "jp-MarkdownHeadingCollapsed": true, "tags": [] }, "source": [ "## Problem overview\n", "\n", "Sentiment analysis, also called opinion mining, is a common application of Natural Language Processing (NLP) widely used to analyze the overall effect and underlying sentiment of a given sentence or statement. In its most basic form, a sentiment analysis model classifies the text into positive or negative (and sometimes neutral) sentiments. Therefore naturally, the most successful approaches are using supervised models which need a fair amount of labeled data in order to be trained. Providing such data is an expensive and time-consuming process that is not possible or easily accessible in many cases. Additionally, the output of such models is a number implying how similar the text is to the positive examples we provided during the training and does not consider nuances such as sentiment complexity of the text.\n", "\n", "Relying on my background in close reading and qualitative analysis of a text, I present an unsupervised semantic model that not only captures the overall sentiment of the text but also provides a way to analyze the polarity strength and complexity of emotions in the text while maintaining the high performance.\n", "\n", "To demonstrate this approach, I use the well-known IMDB database. Released to the public by [Stanford University](http://ai.stanford.edu/~amaas/data/sentiment/), this dataset is a collection of 50,000 reviews from IMDB that contains an even number of positive and negative reviews with no more than 30 reviews per movie. As it is noted in the dataset introduction notes, \"a negative review has a score ≤ 4 out of 10, and a positive review has a score ≥ 7 out of 10. Neutral reviews are not included in the dataset.\"\n", "\n", "The dataset can be obtained from http://ai.stanford.edu/~amaas/data/sentiment/\n" ] }, { "cell_type": "markdown", "metadata": { "id": "tUvSpLcaqjMM" }, "source": [ "\n", "\n", "## Importing necessary libraries" ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "7UYAZY9lqjMN", "outputId": "d2cdcf59-3f96-4954-c91b-99e085f06a89" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "*** --> Modules are imported: \n", "Python version: 3.6.13 (default, Dec 12 2021, 15:04:37) \n", "[GCC Apple LLVM 13.0.0 (clang-1300.0.29.3)]\n", "numpy version: 1.19.5\n", "pandas version: 1.1.5\n", "ploty version: 5.4.0\n", "sklearn version: 0.24.2\n", "nltk version: 3.6.5\n", "gensim version: 4.1.2\n" ] } ], "source": [ "# data processing and Data manipulation\n", "import numpy as np # linear algebra\n", "import pandas as pd # data processing\n", "\n", "import sklearn\n", "from sklearn.model_selection import train_test_split\n", " \n", "# Libraries and packages for NLP\n", "import nltk\n", "import gensim\n", "from gensim.models import Word2Vec\n", "\n", "# Visualization \n", "import matplotlib\n", "import matplotlib.pyplot as plt\n", "import plotly\n", "import plotly.express as px\n", "%matplotlib inline\n", "\n", "plt.style.use('fivethirtyeight')\n", "matplotlib.rcParams['axes.labelsize'] = 14\n", "matplotlib.rcParams['xtick.labelsize'] = 12\n", "matplotlib.rcParams['figure.figsize'] = (12, 10)\n", "matplotlib.rcParams['ytick.labelsize'] = 12\n", "matplotlib.rcParams['text.color'] = 'k'\n", "\n", "import os\n", "import sys\n", "import warnings\n", "if not sys.warnoptions:\n", " warnings.simplefilter(\"ignore\")\n", " \n", "print('*** --> Modules are imported: ') \n", "print(\"Python version:\", sys.version)\n", "print(\"numpy version:\", np.__version__)\n", "print(\"pandas version:\", pd.__version__)\n", "\n", "print(\"ploty version:\", plotly.__version__)\n", "print(\"sklearn version:\", sklearn.__version__)\n", "print(\"nltk version:\", nltk.__version__)\n", "print(\"gensim version:\", gensim.__version__)" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [ { "data": { "text/html": [ "
\n", "\n", "\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
reviewsentiment
0In 1974, the teenager Martha Moxley (Maggie Gr...1
1OK... so... I really like Kris Kristofferson a...0
2***SPOILER*** Do not read this, if you think a...0
\n", "
" ], "text/plain": [ " review sentiment\n", "0 In 1974, the teenager Martha Moxley (Maggie Gr... 1\n", "1 OK... so... I really like Kris Kristofferson a... 0\n", "2 ***SPOILER*** Do not read this, if you think a... 0" ] }, "execution_count": 2, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Importing IMDB Data from data directory which is two directory uper than the current directory\n", "data_path = os.path.abspath(os.path.join(os.pardir, \n", " os.pardir, \n", " 'data/movie_data.csv'))\n", "df = pd.read_csv(data_path)\n", "df.head(3)" ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "9JOB5ryNqjMQ", "outputId": "fc252dda-7933-4b3d-f660-d4a0cf8c8139" }, "outputs": [ { "data": { "text/plain": [ "1 25000\n", "0 25000\n", "Name: sentiment, dtype: int64" ] }, "execution_count": 3, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df['sentiment'].value_counts()" ] }, { "cell_type": "markdown", "metadata": { "id": "0UG5KHsEqjMS" }, "source": [ "---\n", "[Back to top ^](#Table_of_contents)\n", "\n", "# 2. Data Preprocessing\n", "---" ] }, { "cell_type": "markdown", "metadata": { "tags": [] }, "source": [ "## Utility module\n", "The [`w2v_utils`](https://github.com/TextualData/IMDB-Semantic-Sentiment-Analysis/blob/main/Word2Vec/src/w2v_utils.py) module contains all general utility functions and classes used in multiple places throughout the post. Here is a list of functions and classes imported from [Word2Vec/src/w2v_utils](https://github.com/TextualData/IMDB-Semantic-Sentiment-Analysis/blob/main/Word2Vec/src/w2v_utils.py):" ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "id": "xq_akGnR5-K2" }, "outputs": [], "source": [ "# Adding `src` directory to the directories for interpreter to search\n", "sys.path.append(os.path.abspath(os.path.join('../..','Word2Vec/src')))\n", "\n", "# Importing functions and classes from utility module\n", "from w2v_utils import (Tokenizer,\n", " evaluate_model,\n", " bow_vectorizer,\n", " train_logistic_regressor,\n", " w2v_trainer,\n", " calculate_overall_similarity_score,\n", " overall_semantic_sentiment_analysis,\n", " list_similarity,\n", " calculate_topn_similarity_score,\n", " topn_semantic_sentiment_analysis,\n", " define_complexity_subjectivity_reviews,\n", " explore_high_complexity_reviews,\n", " explore_low_subjectivity_reviews,\n", " text_SSA)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The `Tokenizer` class will handle all tokenization tasks and enable us to play with different tokenization options. This class has the following boolean attributes: `clean`, `lower`, `de_noise`, `remove_stop_words`, and `keep_neagation`. All attributes default to `True`, but you can change them to see the effect of different text preprocessing options. By default, this class denoises the text (removing HTML and URL components), converts the text into lowercase, cleans the text from all non-alphanumeric characters, and removes stop-words. A nuance here is negation stopwords such as \"not\" and \"no\". Negation words are considered as *sentiment shifters* as they often change the sentiment of the sentence in the opposite directions (For more on \"Negation and Sentiment\" see Bing Liu, *Sentiment Analysis: Mining Opinions, Sentiments, and Emotions*, Cambridge University Press 2015, pp. 116-122). If `keep_neagation` is True, the tokenizer will attach the negation tokens to the next token and treat them as a single word before removing the stopwords. For the models we are using in this post, we don't need to break our reviews into sentences, and the whole review is tokenized at once. Now, let's instantiate the tokenizer and test it on an example. " ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "2TA-47zhBlma", "outputId": "4d42c2e4-7e17-4422-939b-c206b5e49d3d" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "['NOTlike', 'movie', 'NOTamusing', 'visually', 'interesting', 'NOTrecommend']\n" ] } ], "source": [ "# Instancing the Tokenizer class\n", "tokenizer = Tokenizer(clean= True,\n", " lower= True, \n", " de_noise= True, \n", " remove_stop_words= True,\n", " keep_negation=True)\n", "\n", "# Example statement\n", "statement = \"I didn't like this movie. It wasn't amusing nor visually interesting . I do not recommend it.\"\n", "print(tokenizer.tokenize(statement))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Now we can tokenize all the reviews and quickly look at some statistics about the review length. " ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "id": "n__Bu20-qjMa" }, "outputs": [ { "data": { "text/plain": [ "count 50000.000000\n", "mean 4.571454\n", "std 0.651986\n", "min 1.098612\n", "25% 4.158883\n", "50% 4.499810\n", "75% 4.983607\n", "max 7.270313\n", "Name: tokenized_text_len, dtype: float64" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Tokenize reviews\n", "df['tokenized_text'] = df['review'].apply(tokenizer.tokenize)\n", "\n", "df['tokenized_text_len'] = df['tokenized_text'].apply(len)\n", "df['tokenized_text_len'].apply(np.log).describe()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "And finally we break the data into train and test before going further." ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "id": "u689r3D0qjMj" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "X_train shape: (35000, 3)\n", "X_test shape: (15000, 3)\n" ] } ], "source": [ "# Separating the target\n", "y = df['sentiment'] \n", "X = df.drop(columns=['sentiment']) \n", "\n", "X_train, X_test, y_train, y_test = train_test_split(X, y, \n", " random_state=42, \n", " test_size=0.3,\n", " stratify=y)\n", "\n", "print(\"X_train shape: \", X_train.shape)\n", "print(\"X_test shape: \", X_test.shape)" ] }, { "cell_type": "markdown", "metadata": { "id": "MUKJAnRYqjMi", "tags": [] }, "source": [ "---\n", "[Back to top ^](#Table_of_contents)\n", "\n", "\n", "\n", "# 3. Supervised Models \n", "---\n", "Let's first build a baseline supervised model so that we can compare the results later. Supervised sentiment analysis is at heart a classification problem placing documents in two or more classes based on their sentiment effects. It is noteworthy that by choosing document-level granularity in our analysis, we assume that every review only carries a reviewer's opinion on a single product (e.g. a movie or a TV show). Because when a document contains different people's opinions on a single product or opinions of the reviewer on different products, the classification models can not correctly predict the general sentiment of the document.\n", " \n", "As always, the first step is to convert reviews into feature vectors. I chose frequency Bag-of-Words for this part as a simple yet powerful baseline approach for text vectorization. Frequency Bag-of-Words assigns a vector to each document with the size of the vocabulary in our corpus, each dimension representing a word. To build the document vector, we fill each dimension with a frequency of occurrence of its respective word in the document. So obviously, most document vectors will be very sparse. To build the vectors, I fitted SKLearn's ‍‍`CountVectorizer‍` on our train set and then used it to transform the test set as well. After vectorizing the reviews, we can use any classification approach to build a sentiment analysis model. I experimented with several models and found a simple logistic regression to be very performant (for a list of state-of-the-art sentiment analyses on IMDB see [paperswithcode.com](https://paperswithcode.com/sota/sentiment-analysis-on-imdb))." ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "id": "6y7KmSyvu08D" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Size of document vectors: 33061\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[Parallel(n_jobs=-1)]: Using backend LokyBackend with 12 concurrent workers.\n", "[Parallel(n_jobs=-1)]: Done 2 out of 5 | elapsed: 1.2min remaining: 1.7min\n", "[Parallel(n_jobs=-1)]: Done 5 out of 5 | elapsed: 1.2min finished\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "==> Evaluation metrics on training data: \n", "* Accuracy Score: 95.6000%\n", "* F1 Score: 95.6218%\n", "* Recall Score: 96.0971%\n", "* Precision Score: 95.1511%\n" ] } ], "source": [ "# Train/Fit a `CountVectorizer` model with Train dataset\n", "fit_bow_count_vect = bow_vectorizer(X_train['tokenized_text'])\n", "\n", "# Create document vectors\n", "X_train_bow_matrix = fit_bow_count_vect.transform(X_train['tokenized_text'])\n", "X_test_bow_matrix = fit_bow_count_vect.transform(X_test['tokenized_text'])\n", "print(\"Size of document vectors:\", X_train_bow_matrix.shape[1])\n", "\n", "# Training the logistic regression model \n", "bow_logistreg_model = train_logistic_regressor(X_train_bow_matrix, y_train)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Now let's see how the model performs on the test dataset:" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ " precision recall f1-score support\n", "\n", " 0 0.9078 0.8913 0.8995 7500\n", " 1 0.8933 0.9095 0.9013 7500\n", "\n", " accuracy 0.9004 15000\n", " macro avg 0.9005 0.9004 0.9004 15000\n", "weighted avg 0.9005 0.9004 0.9004 15000\n", "\n" ] }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAAAU0AAAErCAYAAABaXdGDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAA1BUlEQVR4nO3deVhUZd/A8e+AIMuAqKisCiogCeIS5i6+WqGAmWkWipkpPW755JamvmaZmog+rj1mtriRC5ZiWaYpYmplrtgICii4kIoii4Js7x+8Tk3IMCMMCPw+13Wuq3PuZX5nLvtx3/dZRpGenl6EEEIInRhVdQBCCFGdSNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNKshRYsWICbmxs2NjZs2rSp3P1dvnwZGxsbTp48WQHRPbliYmKwsbEhLS2tqkMRVUgh92k+GW7cuEF4eDg//PAD165do2HDhrRu3ZrQ0FCee+65CvucP/74gy5durBhwwY6duyItbU15ubm5eqzoKCAW7du0bBhQ+rUqVNBkZYUExNDUFAQVlZWxMXFYWFhoS6Li4vjmWeeASAhIYGGDRvq1OeYMWO4ffs2W7ZsKbPugwcPuHPnDo0bN0ahUDzeSYhqz3D/woXOLl++jL+/P0qlkjlz5uDl5UVhYSHR0dFMmjSJ2NjYCvusxMREAAIDAyvsf3xjY2OaNGlSIX3pol69enzzzTcEBwerj23YsAEnJyeuXLlikM/My8vD1NS0Us9TPJlkev4EmDJlCgAHDhzgxRdfxM3NDQ8PD0JDQzl8+LC6XkpKCkOHDsXJyQknJyeGDRvG1atX1eULFiygc+fOREZG0rZtW5ycnAgODlZPJxcsWMCwYcMAqF+/PjY2NkDxaGvIkCEaMT3s66Fz587Rv39/nJ2dcXR0pGvXrhw6dAh49PT8559/pnfv3jRp0gQ3NzdmzJjBgwcP1OUBAQFMnjyZ999/n+bNm9OyZUtmzZpFYWFhmd/Xq6++ysaNG9X7eXl5bNmyRSOJQvEIePz48bRp0wY7Ozvat2/PsmXL1J+xYMECIiIi+OGHH7CxscHGxoaYmBj1+Wzfvp2goCDs7Oz4/PPPS0zPx48fT6dOnbh//7768/r27VviuxQ1iyTNKnbnzh327dvHqFGjUCqVJcofJrbCwkKCg4O5efMmUVFRREVFkZqaytChQykq+muFJTk5mR07drBx40Z27NjBmTNn+OCDDwCYMGECy5cvB4qns3FxcTrHOXr0aOzs7Ni/fz8xMTFMnz4dMzOzR9a9du0agwcPpk2bNhw6dIgVK1YQGRnJ3LlzNept27YNY2Nj9u7dS1hYGB9//DE7duwoM5YhQ4Zw4sQJkpKSAPj++++xtLSkW7duGvUKCwuxt7fniy++4JdffmH27NmEh4erE+6ECRN48cUX8fPzU38fD6f4AHPnzmXUqFEcO3aMgICAEnF89NFH5OXlMXv2bAAWL15MQkICK1euLPMcRPUl0/MqlpiYSFFREe7u7lrrRUdHc+7cOU6ePEmzZs0A+PTTT2nXrh3R0dH4+fkBkJ+fz+rVq6lXrx4AI0aMUF/sUSqV6uP6TjNTUlIYP368Os7mzZuXWnfdunXY2dkRHh6OkZERHh4ezJkzh7fffpuZM2eq1yI9PDyYOXMmAC1btuTLL78kOjqaQYMGaY2lfv369O3bl40bNzJ79mw2btzI0KFDSyw3mJiYqPsHaNasGadPnyYyMpLhw4ejVCoxMzOjbt26j/w+QkNDeeGFF9T7D5c2HrK0tGTt2rU8//zz1K9fn6VLlxIREUGjRo20xi+qNxlpVrG/jxK1iYuLw97eXp0wAVxcXLC3t+f8+fPqY87OzurECGBnZ8etW7fKHefYsWN56623CAoKYvHixcTHx2uN9emnn8bI6K9/Xp07d+bBgwcaiad169Ya7ezs7Lh586ZO8YSEhPDVV19x5coVDhw4UGJq/tBnn32Gn58fLVq0wNHRkdWrV+u87tmuXbsy67Rv357JkycTFhbGiBEjePbZZ3XqW1RfkjSrWIsWLVAoFFqTUFn+PsIyMTEpUVbWOqGRkVGJ5J2fn6+xP2PGDH755RcCAgL49ddf6dq1Kxs2bKjwWHX9I+Ln54dCoeBf//oXPXr0wNHRsUSdHTt2MGPGDIKDg4mMjCQmJoY33nhDY21VG0tLyzLrFBUVcezYMYyNjUlKStI5flF9SdKsYvXr16d3796sXbuWrKysEuXp6elA8VT2+vXrXL58WV126dIlrl+/TqtWrcoVg62tLampqRrHzp49W6JeixYt+Ne//sXWrVsJCQkpNWl6eHhw/PhxjWR99OhRTE1NcXV1LVesDxkZGREcHMzhw4cJCQl5ZJ2jR4/SoUMHQkNDadu2Lc2bN1evgz5kampKQUHBY8excuVKTp8+zXfffcdvv/3GmjVrHrsvUT1I0nwCLF68mKKiInr16sU333zDhQsXiI+PZ926deqLG35+fur7Nk+ePMnJkycZPXo0Pj4+9OjRo1yf36NHD86cOcOGDRtITExk2bJlHDt2TF1+//59pkyZor6yfPz4cY4dO4aHh8cj+3vjjTdITU1l8uTJxMXF8cMPPzB37lxGjx6tcW9leU2dOpWEhASCgoIeWd6yZUvOnDnDjz/+SEJCAosWLeLIkSMadZo2bYpKpeLChQukpaWRl5en8+efPXuWefPmsWzZMp555hnCw8N57733UKlU5Tov8WSTpPkEcHFxUV/MmTNnDl27dqV///7s2bOH//znP0Dx1HXz5s00bNiQoKAggoKCaNy4MZs2bSr3/Za9e/fmnXfeYd68efj5+ZGcnMyoUaPU5cbGxqSnpzN27Fh8fX0ZNmwYvr6+fPjhh4/sz8HBgW3btnHmzBm6d+/O+PHjeemll/jf//3fcsX5TyYmJjRs2FBj7fTvXn/9dQYMGMCoUaPo1asXycnJjBs3TqPOa6+9hru7O7169aJFixYafyy0ycnJITQ0lEGDBtG/f38ABg8eTP/+/Rk1ahS5ubnlOznxxJIngoQQQg8y0hRCCD1I0hRCCD1I0hRCCD1I0hRCCD1I0hRCCD1Um2fP//5ooBCiat29e7eqQ6gy1SZpmk7qXtUhiHJ6sCSGbywefUO8qD4G3NP97Vg1kUzPhRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD5I0hRBCD9Xm1XBCiOrLZvrzOtVLX/iDgSMpPxlpCiGEHmSkKYQwOIWRoqpDqDCSNIUQBmdUp+ZMaiVpCiEMTkaaQgihB4VCkqYQQuhMpudCCKEHmZ4LIYQeJGkKIYQeJGkKIYQeZE1TCCH0IFfPhRBCDzI9F0IIPcj0XAgh9CAjTSGE0IMkTSGE0IMkTSGE0IOsaQohhB7kliMhhNCDTM+FEEIPkjSFEEIPxnUkaQohhM6Ma9CaZs25pCWEeGIZGyl02rSJjIykY8eOODg40LZtW44cOQJAdHQ0vr6+2NvbExgYSHJysrpNbm4u48aNw9nZGXd3d1auXKnRp7a2pZGkKYQwOFNjhU5baQ4cOMCcOXNYtWoVV65c4bvvvsPFxYW0tDRCQkKYOXMmSUlJtGvXjpEjR6rbLVy4kMTERM6ePUtUVBTLly9n3759AGW2LY0kTSGEwRkrFDptpVmwYAHTpk3D19cXIyMjHBwccHBwICoqilatWjFgwADMzMyYPn06sbGxxMfHAxAREcHUqVOxsbHBw8OD4cOHs3nzZoAy25ZGkqYQwuDKkzQLCgo4efIkaWlptGvXjqeeeoqpU6dy//59VCoVXl5e6rqWlpa4urqiUqlIT08nNTVVo9zb25vz588DaG2rjVwIEkIYXFnrldrcuHGDvLw8du7cyZ49ezAxMSE4OJjFixeTnZ2Nra2tRn1ra2uysrLIyspS7/+9LDMzE0BrW21kpCmEMLjyrGmam5sDEBoaip2dHQ0bNmTs2LHs3bsXS0tLdRJ8KDMzE6VSiVKpVO8/lJGRgZWVFYDWttpI0hRCGFx5puc2NjY4OjpqPIr58L89PT2JjY1VH8/OziYpKQlPT09sbGyws7PTKI+NjaVVq1ZlttVGkqYQwuDKe8tRcHAwn3zyCTdv3iQ9PZ2PP/6Y559/nsDAQFQqFTt37iQnJ4dFixbRunVr3N3dAXjllVcICwsjPT2d+Ph41q9fT3BwMECZbUsjSVMIYXDlveVo2rRptG/fng4dOtCxY0e8vb2ZMmUKtra2rF+/nnnz5uHi4sLx48dZt26dut2MGTNwdXXF29ubgIAAJkyYQJ8+fQDKbFsaRXp6elH5vxLDazQ3sKpDEOX0YEkM31h4VHUYopwG3Ivj7t27erUZvH+cTvW29V71OCFVKrl6LoQwuJr0GKUkTSGEwRnXoIVASZpCCIMzrUFZU5KmEMLgZHouHsnOqiEfBr6Jv2dnrOqak5R2nfGR4cQknFLXcWvkzIcBb+Ln1h5TYxPibiTz2sb3OX/jMgBNrBqwMGgsvd2fxtrMkou3rhD+02YiTvyo7iN+1lZcGthrfHbY/o3M/HZNpZxnrWJkhOesCTi90h8zu0bkpN7kypYozs9bQVFBAQD2LzyLy8gh2LRtTd1GDTj8fAi3Yn7V6Kbb9+ux7fGMxrEr277l+GuTKu1UqlINGmhK0qwo9cyUHHxrNUcSz/DCp9O4lZWOa0MHbmbeUddxaWDPwQmr2Xj8e+av/jd372fi0aQZWQ/uq+t8FjyTBhbWvPTZu9zKusML3j34PHgWKek3OJx4Wl1v3g+fs+bIN+r9rNy/+hAVx33yaFxDgzkROp2M2HisvT1o/8lCCnMfELdwNQB1LCy4/ctJrnwVRYd1i0rt6/L6SP6Ys0S9X3A/x+DxPylkpClKmPI/waRmpDEy4kP1sUu3r2vUeb/faPbF/co7u/66rSLpH3U6u3jx7x3L+C35DwD+E72Fcd0H4dvUUyNpZube48/M24Y4FfE3DTq1I/W7A6R+dwCAe8lXSf32J+r7tlHXSYnYCYBpw/pa+yq4d5/cP28ZLtgnmKxpPqa4uDi2bNmCSqUiKysLpVKJp6cnQ4YMwcOjet+/19+rOz+c/4VNIe/Rs2V7rmfc4rNfdvPx4R1A8WNfAU91JeynjUSFLqa9kweXb19n6cGv2HbqJ3U/PyedZVDbXuw+d5g79zMJfKorjZQ2/BR/XOPz3vZ7hWm9h3El/QaRpw8QfiCCvIL8Sj3n2iDtyO+4hgajdG9OVnwiVq1aYOvXiQuLP9G7L8dBATgOCiD3xi3+3HuIuPmryM/KNkDUT54alDMrL2lu376dSZMm0bdvX7p06UK9evXIyMggNjaW5557jqVLlzJw4MDKCqfCuTa0519dB7D80DbCPplMGwc3/jNwIgAfH95BY2V9rMwseKd3CO99v45Zu/+Ln1sHvhw6m6zc++xRHQUg+Mv/ZePw90id9y15Bfnk5j8gZMNcTl+7qP6sVTGRnLoaz+3sDJ5u6smHAW/i0sCBf239qErOvSa7EL6WOlaW9D7xLUUFBRiZmBD30cckfbJZr35Stu7mfvI1cq7fwMqzJU+9P5l6Xh4c6f+GgSJ/ssj0/DG8//77bN26lU6dOpUoO3bsGKNHj67WSdNIYcTvKeeZ9f8XY05dvYBbIyfGdH2Rjw/vwOj//9FEnTvMsugtAJy+dpEOzh6M6TZQnTTn9huNrWU9nv/436Rlp9PfqzufBc+k96rxnLmWAKBuD3D2egKZOdlsfu193t39MbfvZVTmadd4joP64Rw8gOMjJpOpuki9Np54h73LvUtXuPzldp37ufzZVvV/Z5yLJ/tSCn6HtlOv7VPcPfWHIUJ/opjUoF+jrLRBc1paGj4+Po8sa9OmDbdvV+/1uesZaaj+vKxx7Pyfl3G2aQLArey75BXko0q9VKJO0/rFdZo3dGB890GM2bqIAxd+58y1BObt/YLjKecZ221QqZ/96/+vf7awdarAMxIAredP4+J/PuPq9u/IOBdPSsROLq74ArcpoeXqN/33WArz81G2aFZBkT7ZjBW6bdVBpSVNPz8/xo8fT1JSksbxpKQkJk6ciJ+fX2WFYhBHL53FvbGzxjG3Rk4k3/kTgLyCfI4nq3Bv3PQfdZy5fCcVAAtTMwAKCgs16hQUFqpHqo/i4+AGQGpG7bzIYEh1zM0oKizQOFZUUIDCqHz/61h7uWNUpw45qTfL1U91YaTQbasOKi1prlpVfMX4mWeewdHRkVatWuHo6EinTp0oKipSl1dXy6K38kyz1kzvE0ILW0de8vFjXPdBfPzzDnWd8AMRDG77P7zRKYgWto6M7BTEy+1689/DXwPFo84LN1NY/tIknm7qSfOGDvy75xD6uD/NzrOHAHimWWve6vEyPg4tcWlgzyCfXiwfNImo2BhS0m9UybnXZKnfHcB9cihN/Hti0dQR+/59aDnhda7v+uu+WZP69ajXphXWTxX/8bJs0ZR6bVpRt0nxW8EtXJ3xmDEOm/ZeWDR1pMnzPfD9cinpp86RdvRElZxXZatJI81Kf8vRvXv3uHjxItnZ2VhaWtKyZUssLCzKbFcd3nLU17MzHwSE4t7ImZQ7N1j9cySrYiI16oT49mV67xCc6jfm4s0rLNq/gS0n96vLW9o68WHgm3RxbYPS1JyEtKssO7iFDce/B6CtozsrBk3Co3FT6tYxJfl2KltP7WfxT5u5n5dbqeerr+r4lqM6Sks8/3ci9v37ULdRw+Kb27d/S9z8VRTmPgCg6bAXaf/JwhJtz3+4gvMfrsTc0Y4On4Vh/ZQbxkpL7l+5zp/fR3N+/kry7uj3tqAnweO85Wjhuak61ZveOuxxQqpU8mo4UWmqY9IUJT1O0lz0h25Jc9pTT37SlJvbhRAGV12m3rqQpCmEMLiadMuRJE0hhMHVoJwpSVMIYXjyRJAQQuhBRppCCKEHE+OqjqDiSNIUQhicTM+FEEIPNWl6XoPecieEeFKV9zHKgIAAmjRpgqOjI46Ojjz99NPqsm3btuHl5YWDgwPBwcHcufPXryXcuXOHoUOH4uDggJeXF9u2bdPoV1vb0kjSFEIYnImRQqdNm7CwMK5evcrVq1c5frz4pdwqlYq3336bNWvWEB8fj4WFBZMnT1a3mTJlCqampsTHx7N27VomT56MSqXSqW1pZHouhDA4Q03Pt23bhr+/P127dgVg5syZdOzYkczMTIyMjNi1axdHjx5FqVTSuXNn/P392bJlC++9957WtlZWVqWfi2FORQgh/lIRbzmaO3cuzZs35/nnnycmJgYoHi16eXmp67i6umJqakpCQgIXL16kTp06tGzZUl3u7e2tMdIsra02MtIUQhhceR+jnDt3Lh4eHpiamhIZGcmrr75KTEwM2dnZWFtba9S1trYmMzMTY2PjEiNGa2trsrKyALS21UaSphDC4LS9RFsXf7/wExwcTGRkJHv37sXS0rJEkns4vVYoFCXKMjIyUCqVAFrbaiNJUwhhcOVNmv+kUCgoKirC09OT2NhY9fFLly6Rm5tLixYtMDIyIj8/n4SEBFq0aAFAbGwsnp6eAFrbaj2XCj0TIYR4BCOFQqftUdLT09m/fz85OTnk5+ezdetWjhw5Qp8+fRg8eDDff/89R44cITs7m/nz5xMUFISVlRWWlpYEBQUxf/58srOzOXbsGHv27GHIkCEAWttqIyNNIYTB1TF6/Oco8/PzmTdvHhcuXMDIyAh3d3c2bdqkvsCzZMkSQkNDuX37Nj179mT16tXqtuHh4YwbNw43NzcaNGhAeHi4xkhTW9vSyJvbRaWRN7fXDI/z5vbo23N1qtezwZzHCalSyUhTCGFwFb2mWZUkaQohDK6Ooua85kiSphDC4GSkKYQQejBS1JwbdSRpCiEMTkaaQgihhzpGMtIUQgidyfRcCCH0YIRMz4UQQmeypimEEHooz2OUTxpJmkIIg5ORphBC6EEuBAkhhB7qSNIUQgjdyfRcCCH0INNzIYTQQ60YaXbp0kXnTo4cOVIhwQghaiZjRc0Zn5V6Jv3796/MOIQQNZhC1+l5NfgdiVKT5vTp0yszDiFEDabzmmZ1TppCCFFRasX0/J82btxIZGQkV65c4cGDBxplp0+frvDAhBA1h6IG/Vq4TmeyfPlyZs2aRdu2bUlOTiYgIABPT0/u3LnDsGHDDB2jEKKaM1IY6bRVBzqNNL/88kuWLVvGCy+8wNq1awkNDcXFxYVFixaRkpJi6BiFENWczheCqgGdzuTatWu0b98eADMzMzIyMgAYNGgQu3btMlx0QogawVhRR6dNm4SEBJo0aUJoaKj62LZt2/Dy8sLBwYHg4GDu3LmjLrtz5w5Dhw7FwcEBLy8vtm3bptGftrba6JQ0GzduTFpaGgDOzs789ttvACQmJqKoQTetCiEMoyKm51OmTFEP3gBUKhVvv/02a9asIT4+HgsLCyZPnqxR39TUlPj4eNauXcvkyZNRqVQ6tdV6LrpU6tGjB3v27AEgJCSEmTNnEhgYyMiRIwkKCtLpg4QQtZcCY5220kRGRlKvXj169OihPrZt2zb8/f3p2rUrSqWSmTNnEhUVRWZmJtnZ2ezatYuZM2eiVCrp3Lkz/v7+bNmypcy2ZdFpTXPZsmUUFhYCMHLkSGxsbDh27Bj9+/fn9ddf16ULIUQtVp6LPBkZGcyfP59du3axfv169XGVSsUzzzyj3nd1dcXU1JSEhAQUCgV16tShZcuW6nJvb28OHz5cZtu2bdtqjUenpGlkZITR335NbuDAgQwcOFCXpkIIofN9mo+6t/3DDz8kJCQER0dHjePZ2dlYW1trHLO2tiYzMxNjY2OsrKxKlGVlZZXZtiw6ncmpU6e0lpeVmYUQtZuuV8//mTTPnDlDdHQ0hw4dKlHX0tKyRJLLzMzEysoKhUJRoiwjIwOlUllm27LolDR79eqFQqGgqOivU/r7BaDbt2/r0o0QopYy0vHm9sJ/7B8+fJjk5GS8vLyA4hFiQUEB58+fp0+fPsTGxqrrXrp0idzcXFq0aIGRkRH5+fkkJCTQokULAGJjY/H09ATA09Oz1LZl0Slp/vOJn/z8fM6cOcPixYuZM2eOLl0IIWoxYyPdpuf5/9gfMWIEL730knp/xYoVJCcns2TJEm7evMlzzz3HkSNH8PHxYf78+QQFBalHi0FBQcyfP5/ly5dz9uxZ9uzZww8//ADA4MGDtbbVRqczadq0aYljzZs3x9ramo8++ohnn31Wl26EELXU4z5GaWFhgYWFhXrf0tISMzMzbG1tsbW1ZcmSJYSGhnL79m169uzJ6tWr1XXDw8MZN24cbm5uNGjQgPDwcI2Rpra2Ws8lPT39sd8rkpCQQPfu3bl27drjdqGzRnMDDf4ZwrAeLInhGwuPqg5DlNOAe3HcvXtXrzYWVsd0qncvs9PjhFSpdBpp/vNO+aKiIlJTU1m4cKHGJX0hhHiUmvTCDp2SZvPmzUs8+VNUVISjoyOff/65QQL7pwdLYirlc4RhDbgXV9UhiCqg65pmdaDTmURFRWnsGxkZYWtrS/PmzalTp3K+jM0KmdZVd8FFcSjGPPnTL6Fd0ce6TbX/TlENXi6sK50yXrNmzXBycnrkc+YpKSk4OztXeGBCiBqk6J83E1VfOi00+Pj4cOvWrRLHb9++jY+PT4UHJYSoYYoKdduqAZ1GmkVFRY8cZWZlZWFmZlbhQQkhapjCf96BWX1pTZrTpk0Dip/+mTt3Lubm5uqywsJCfv/9d7y9vQ0boRCi+iusHqNIXWhNmn/88QdQPNKMj4/HxMREXWZqaoqPjw8TJkwwbIRCiOqvmky9daE1ae7evRuAsWPHsnDhwhJvBRFCCJ3UoOm5TheC5syZ88hXJl29epUbN25UeFBCiBqmsFC3rRrQKWmGhoayb9++Esf379/Pm2++WeFBCSFqmBp09VynpHny5Em6dOlS4niXLl04efJkhQclhKhhalDS1OmWo4KCAnJzc0scz8nJ4cGDBxUelBCiZikqzNOtYjX4nUadRpodOnTgs88+K3H8008/pV27dhUelBCihqlBa5o6jTRnz55N//79OXfuHN27dwcgJiaG06dPs3PnToMGKISoAarJ1FsXOo00fX192bt3L02bNmX37t3s3r2bZs2a8eOPP3L//n1DxyiEqO4K83XbqgGdX1Hk7e3N2rVrgeJbjTZt2sSwYcNISUmR3wgSQmhX20aaUHwxaNeuXbz88sv4+Pjw7bffMnLkSE6cOGHI+IQQNUFtWtO8cOEC69ev56uvvsLCwoLBgwezf/9+1qxZQ6tWrSojRiFEdVdbRpp9+/alT58+pKen8/nnn3P69GlmzZr1yDceCSFEqWrLmuavv/7KqFGjGDFihPpX3IQQQm/VZOqtC60jzZ9++omCggL8/f3p3r07q1at4s8//6ys2IQQNUUNeiJIa9L08fFh8eLFxMXFMW7cOPbs2UPr1q0pLCxk7969pKenV1KYQohqrZxJMzQ0FA8PD5ydnenQoQPr169Xl0VHR+Pr64u9vT2BgYEkJyery3Jzcxk3bhzOzs64u7uzcuVKjX61tS2NTlfPzczMeOWVV9i9eze//vorb731FqtXr8bd3Z1Bgwbp0oUQojbLL9BtK8Xbb7/NmTNnSElJISIignnz5nHq1CnS0tIICQlh5syZJCUl0a5dO0aOHKlut3DhQhITEzl79ixRUVEsX75c/fKhstqWRu8fI27evDnvvfce586d4/PPP9d4MbEQQjxSOW858vT0pG7dukDxL0koFAqSkpKIioqiVatWDBgwADMzM6ZPn05sbCzx8fEAREREMHXqVGxsbPDw8GD48OFs3rwZoMy2pXnsX3A3NjYmICCAiIiIx+1CCFFbVMB9mpMnT8be3h5fX1+aNGnCs88+i0qlwsvLS13H0tISV1dXVCoV6enppKamapR7e3tz/vx5AK1ttXnspCmEEDor5/QcIDw8nCtXrrBnzx6CgoKoW7cu2dnZJX5RwtramqysLLKystT7fy97+EJ1bW21kaQphDC8CnoiyNjYmM6dO3Pt2jXWrVuHpaVliV+VyMzMRKlUolQq1fsPZWRkYGVlBaC1rTaSNIUQhldYpNumo/z8fJKSkvD09CQ2NlZ9PDs7W33cxsYGOzs7jfLY2Fj1k4za2mojSVMIYXjlGGnevHmTyMhIsrKyKCgoYP/+/URGRtKzZ08CAwNRqVTs3LmTnJwcFi1aROvWrXF3dwfglVdeISwsjPT0dOLj41m/fj3BwcEAZbYtjSRNIYThlWNNU6FQsG7dOp566ilcXFyYPXs2CxYsoF+/ftja2rJ+/XrmzZuHi4sLx48fZ926deq2M2bMwNXVFW9vbwICApgwYQJ9+vQBKLNtaRTp6em6j4mr0Lc2Has6BFFOwUVxKMZ0quowRDkVfXyMu3fv6tXG+vwCnepltJrxOCFVKp3fpymEEI+rqKhajM10IklTCGF4+dXjDUa6kKQphDA8Pa6MP+kkaQohDK8GvRpOkqYQwvAkaQohhB7KeESyOpGkKYQwPBlpCiGEHuRCkBBC6EFGmkIIoQdZ0xRCCD3ISFMIIXRXVCBrmkIIobs8GWkKIYTOiuTquRBC6EGm50IIoYcCmZ4LIYTOimRNUwgh9CBrmkIIoTu55UgIIfSRJ08ECSGEzuSWIyGE0IdMz4UuzOwa0XbhZBz69cTEypKsxBR+G/MeNw79BhT/pO2jxK/axPHx7xf30bghbT+agt1z3TC1seLGoeP8PuEDMi9errTzqG3srBuy8MWx9GvdBSszCxJvXWNMxCIOXTgJgGVdcxa8MJYX2/akoaU1yXf+5L+HvuY/P30FQH0La+YGjuZZT1+aNbDjVtZddsf+zKxd/+V2dob6c971H0E/ry60dXLDsq55zf554xqUNI2qOoCayqSeFc/9HIFCoSA6IJTdnv04PuEDcm6kqevssOuqsR0MfBOA5K171HV6fLMKKzcXYgaMZU+7F8m+fJX/2fc5xhbmlX5OtUE9cyU/T/0EBQoCVk3Gc+4rTNgSzo3MO+o6S16aSIB3F0K+eA/Pua/y4Z4vWDhgLMM6+gPgYGOLo00jpn29Cu95wxj2xXv0aNmWiJEfaHxW3Tom7Dh5kP/8tKVSz7EqFOUV6LQ9Sm5uLuPHj8fLywsnJye6devGjz/+qC6Pjo7G19cXe3t7AgMDSU5O1mg7btw4nJ2dcXd3Z+XKlRp9a2tbGhlpGshT00Zx//pNjr72jvpY9qUrGnVy/rylse/0Qm8y4pLUI1ErNxdsO7fjO5/+pJ8pHpX+NuY9Bqb+jMurASSs227gs6h9pj03jOt303jty/fVxy6lXdeo06WFNxt+2cPB+BMAbPjlOm90CeIZ19Zs/PV7zl1L5KVPpqvrJ9y8wtQdK9g9NhwrMwsyc+4BMGf3WgBeatfL0KdV5cqzppmfn4+joyPffvstzs7O7N27l9dff52ff/4ZpVJJSEgIy5cvx9/fnw8//JCRI0eyb98+ABYuXEhiYiJnz57lzz//JCgoiFatWtGnTx/S0tK0ti2NjDQNxGlAH9J+OU3Xr5Yy8M8j9D35De7jhpZav46lBc1eCeDi2q3qY0Z1TQEoyHnwV8WiIgpyH9CoWweDxV6bDfDpyS9J5/jqjXn8ueg7Tr67nnE9B2nUOXzxNEHe3XGq3xiAzs29aevszvfnjpXar7W5Jbn5D7j3INeg8T+xCop02x7B0tKSGTNm0KxZM4yMjPD396dp06acOnWKqKgoWrVqxYABAzAzM2P69OnExsYSHx8PQEREBFOnTsXGxgYPDw+GDx/O5s2bAcpsWxpJmgaibO6M29hgshJTOPD8G8QtW4/PwsmlJs5mwYEYmZqQ9OXX6mMZ5xPJvnwVn/lvY1q/HkYmJnhOG42lsz3m9o0q61Rqlea2DoztOZDEW1d5fvm/WXZgCwsHjNVInG9tXcLpKxdImb+LBysPEz3pY975ehXfxv78yD7rmSv5IOhN1v68i4LCmnPrjV4Ki3TbdHDjxg0SEhLw9PREpVLh5eWlLrO0tMTV1RWVSkV6ejqpqaka5d7e3pw/fx5Aa1ttnpjpeUFBAYsXL+add94pu3J1YKTg9vFYTr+7BIA7p1RYuTXDbdxQ4ldtKlG95eiXubJzP7m3/lo7K8rP59DACXRa9yGDbv9KYX4+qfuOcu27aFAoKu1UahMjhRHHL6t4d+fHAJy6Eo9bY2fG9RzEquji5ZAJfi/TpYU3QauncPl2Kj1atmXxwAlcSrvOD39ojjYt65oTNXYxV9NvMm3HyhKfV1tU1GOUeXl5jB49mldffRV3d3eys7OxtbXVqGNtbU1WVhZZWVnq/b+XZWZmAmhtq80TM9LMz8/no48+quowKkzO9Zvc/SNB49hdVSKWTe1L1LXxaUVDX28S/jY1f+jOiXPsaTeAbfU68LV9Nw72HYVpQxuyElMMFnttdv3uLf5IvaRxTHX9Ek0bNAHAzKQuCwaMYdqOlew+e5izVy+yKno7X/2+jynPas4iLOua89244j+agasnk5v/gFqroFC3TYvCwkLefPNNTE1NCQsLA4pHhw+T4EOZmZkolUqUSqV6/6GMjAysrKzKbKtNpY40x40bV2pZfn5+JUZieDd/PoG1h6vGMWt3F7IvXytRt2XoELISU0jdd6TU/vIyiv/6WbVsRoOnvTgze1nFBiwA+DnxDB5Nmmocc2/SlMu3UwEwMTbGtI4JBf/4+YaCwgKM/jb6V9a1YM/4pSgUCvxX/Jvs3PuGD/4JVt6b24uKihg/fjw3btxg27ZtmJiYAODp6UlERIS6XnZ2NklJSXh6emJjY4OdnR2xsbH06lV8sS02NpZWrVqV2VabSh1pbt++HXNzc+zt7Utsjo6OlRmKwZ1f+iW2nXxo/e6/ULZoivMgf9zfCikxNTc2N8NlaFCpV8KdB/nT2O8ZLF2dcOzfm14/fsaVb/aR+uOj189E+Szd/xWdXL14138ELRo5Maj9//BWr5fVU/PMnHscjD/BwhfH0tOtPS4N7XmtUwDDn+nL16eigeKEufetZdS3sGLElx9gWdeMJtYNaGLdABPjv8YpzvWb4OPkhkvD4tmHj5MbPv9/z2ZNU5RXqNNWmkmTJhEfH89XX32Fuflf309gYCAqlYqdO3eSk5PDokWLaN26Ne7u7gC88sorhIWFkZ6eTnx8POvXryc4OFintqVRpKenV9pdp7169WLq1Kn069evRFlOTg729vbcuXPnES3hW5uOhg6vwjn064nP/ElYe7iSnXyN+JWbiF+xQaNO8xED6bj2A3Y27cX96zdK9OE+IQTPqW9g1qQhOddvkrR+J7EfrKYwL6+yTqPCBBfFVYsbuPt5dWH+C2PwaNKU5Nt/sjJ6OysO/LV00sS6AQteGMtzT3WkgYU1l2+n8unPuwjfV3xVtqdbew5OWv3Ivv2WjCX6QvGtSp8Pn82IzgFa6zyJij4+xt27d/VqYzT9RZ3qFS78usSx5ORk2rRpQ926dalT568/OkuXLuXll1/m4MGDTJ06lZSUFDp06MDq1atp1qwZUHyf5qRJk9i1axdmZmZMnDiR8ePHq/vQ1rY0lZo0165dq76J9J8KCgoICwtj+vTpj2hZPZOm0FRdkqbQ7nGSpmLaAN36XvSN/gFVskpd0xw9enSpZcbGxqUmTCFE9Vao42OU1eGekCfmliMhRM1VmK/b/anGBo6jIkjSFEIYnLyEWAgh9CDv0xRCCD0Uyg+rCSGE7gplpCmEELqTNU0hhNCDrGkKIYQeZE1TCCH0UFQoSVMIIXQma5pCCKEHWdMUQgg9FMiaphBC6E5GmkIIoQdZ0xRCCD0U5sv0XAghdCYjTSGE0IM8ey6EEHqoQfe2S9IUQhheTfqFbkmaQgiDq0Gzc0maQgjDk+m5EELooSYlTaOqDkAIUfPl5+u2Pconn3yCn58fjRs3ZsyYMRpl0dHR+Pr6Ym9vT2BgIMnJyeqy3Nxcxo0bh7OzM+7u7qxcuVLnttpI0hRCGFxhoW7bo9jZ2TFlyhSGDRumcTwtLY2QkBBmzpxJUlIS7dq1Y+TIkeryhQsXkpiYyNmzZ4mKimL58uXs27dPp7baSNIUQhhceZJm//79CQwMpEGDBhrHo6KiaNWqFQMGDMDMzIzp06cTGxtLfHw8ABEREUydOhUbGxs8PDwYPnw4mzdv1qmtNpI0hRAGV57peWlUKhVeXl7qfUtLS1xdXVGpVKSnp5OamqpR7u3tzfnz58tsWxZJmkIIgysqKtJp00d2djbW1tYax6ytrcnKyiIrK0u9//eyzMzMMtuWRa6eCyEMzhBXzy0tLdVJ8KHMzEyUSiVKpVK9b2ZmBkBGRgZWVlZlti2LjDSFEAZXnjXN0nh6ehIbG6vez87OJikpCU9PT2xsbLCzs9Moj42NpVWrVmW2LYskTSGEwZVnTTM/P5+cnBwKCgooKCggJyeH/Px8AgMDUalU7Ny5k5ycHBYtWkTr1q1xd3cH4JVXXiEsLIz09HTi4+NZv349wcHBAGW21UaSphDC4Moz0gwLC8POzo6lS5eydetW7OzsCAsLw9bWlvXr1zNv3jxcXFw4fvw469atU7ebMWMGrq6ueHt7ExAQwIQJE+jTpw9AmW21UaSnp1eLp0K/telY1SGIcgouikMxplNVhyHKqejjY9y9e1evNtGOuv3/2/Pqr48TUqWSC0FCCIPLL6jqCCqOJE0hhMHVpGfPJWkKIQxOkqYQQuhBkqYQQuih7+0n/wKPruSWIyGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0IMkTSGE0EO1+WE1IYR4EshIUwgh9CBJUwgh9CBJUwgh9CBJUwgh9CBJ8wlw584dhg4dioODA15eXmzbtq2qQxJ6+uSTT/Dz86Nx48aMGTOmqsMRBiS/RvkEmDJlCqampsTHx3P27FmGDBmCl5cXnp6eVR2a0JGdnR1Tpkzhp59+4v79+1UdjjAgGWlWsezsbHbt2sXMmTNRKpV07twZf39/tmzZUtWhCT3079+fwMBAGjRoUNWhCAOTpFnFLl68SJ06dWjZsqX6mLe3NyqVqgqjEkKURpJmFcvOzsbKykrjmLW1NVlZWVUUkRBCG0maVczS0pLMzEyNYxkZGSiVyiqKSAihjSTNKtayZUvy8/NJSEhQH4uNjZWLQEI8oSRpVjFLS0uCgoKYP38+2dnZHDt2jD179jBkyJCqDk3oIT8/n5ycHAoKCigoKCAnJ4f8/PyqDksYgCTNJ0B4eDj379/Hzc2NUaNGER4eLiPNaiYsLAw7OzuWLl3K1q1bsbOzIywsrKrDEgYgbzkSQgg9yEhTCCH0IElTCCH0IElTCCH0IElTCCH0IElTCCH0IElTCCH0IElTGMTOnTuxsbFR72/atAlHR8cqiWXIkCHyjktRYSRp1jJjxozBxsYGGxsbbG1t8fHxYdasWWRnZxv0cwcOHMipU6d0ru/t7c2KFSsMF5AQj0leQlwL+fn5sWbNGvLy8jh69ChvvfUW9+7dY8mSJRr18vPzMTY2RqFQlPszzc3NMTc3L3c/QlQ1GWnWQnXr1qVJkyY4OTkxePBgBg8ezLfffsuCBQvo3LkzmzZtom3btjRu3Jjs7Gzu3r3LxIkTadmyJU5OTvTr14+TJ09q9BkREYGXlxf29vYMGTKEGzduaJQ/anq+d+9eevfujZ2dHa6urgwZMoScnBwCAgJISUlh9uzZ6lHxQ7/88gv9+vXD3t4eT09PJk2aREZGhrr83r17jBkzBkdHR9zc3AgPD6/4L1DUapI0BWZmZuTl5QFw+fJltm/fzhdffMHhw4epW7cuQ4YM4fr162zZsoVDhw7RpUsX+vfvT2pqKgDHjx9n7NixjBgxgpiYGPz9/Zk/f77Wz9y3bx+vvvoqvXr14uDBg0RFRdGtWzcKCwvZuHEjjo6OTJs2jbi4OOLi4gA4d+4cAwcOpG/fvhw+fJgNGzZw9uxZxo8fr+539uzZHDx4kPXr17Nz507OnDnDkSNHDPTNidpIpue13O+//8727dvp2bMnAA8ePGDNmjU0btwYgOjoaM6ePcvFixfV0+tZs2bx/fffs2XLFiZOnMh///tfevbsyZQpU4Di192dOHGCDRs2lPq5YWFhvPDCC8yaNUt9zMvLCwALCwuMjIywsrKiSZMm6vLly5fz4osvMmHCBPWx8PBwevTowc2bNzE3N2fDhg2sXLmS3r17A7Bq1SqeeuqpiviqhAAkadZK+/btw9HRkfz8fPLy8ujXrx+LFi3i008/xcHBQZ0wAU6fPs29e/c0fo4DICcnh6SkJADi4uLw9/fXKPf19dWaNM+cOUNwcLBecZ8+fZrExES+/vpr9bGiouL3zSQlJWFubs6DBw/o2LGjulypVNK6dWu9PkcIbSRp1kJdunRh2bJl1KlTB3t7e0xMTNRllpaWGnULCwtp3Lgxe/bsKdHPP3+mw9AKCwsZPnw4Y8eOLVFmb2/PxYsXKzUeUTtJ0qyFLCwsaN68uU51fXx8uHHjBkZGRri4uDyyjoeHB8ePH9c49s/9f2rTpg3R0dG89tprjyw3NTWloKCgRCwqlarU2F1dXTExMeG3335Tx5qdnc0ff/xRauxC6EsuBAmt/Pz86NSpE8HBwfz4449cunSJX3/9lfnz56svsLz55pscPHiQJUuWkJCQwJdffsnu3bu19jt58mS++eYb5s2bx/nz51GpVKxatYp79+4B0LRpU44ePcq1a9dIS0sDYOLEiZw4cYK3335bPVX//vvv+fe//w0UT8VDQkJ47733OHDgACqVivHjx1NYWGi4L0jUOpI0hVYKhYKtW7fSvXt3Jk6ciK+vL6+//joXL17E3t4eKF6/XLFiBZ999hldu3YlKiqK6dOna+33ueeeY+PGjfz444/06NGDgIAAYmJiMDIq/if57rvvcuXKFdq1a0eLFi2A4gtF3333HcnJyQQGBtKtWzfef/99GjVqpO73gw8+oFu3bgwbNoygoCA8PT3p0qWLgb4dURvJm9uFEEIPMtIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9SNIUQgg9/B8fAGUfunuaRgAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "y_predict_bow_lr = bow_logistreg_model.predict(X_test_bow_matrix)\n", "\n", "evaluate_model(y_true = y_test, \n", " y_pred = y_predict_bow_lr, \n", " report=True,\n", " plot=True)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "As you can see the model's F1 score is around 96% on training set and around 90% on the test set. That is a great performance for such a basic approach." ] }, { "cell_type": "markdown", "metadata": { "id": "2yCJ74BvqjMa" }, "source": [ "---\n", "[Back to top ^](#Table_of_contents)\n", " \n", "# 4. Unsupervised Approach\n", "---\n", "After working out the basics, we can now move on to the gist of this post, namely the unsupervised approach to sentiment analysis, which I call Semantic Similarity Analysis (SSA) from now on. In this approach, I first train a word embedding model using all the reviews. The characteristics of this embedding space is that the similarity between words in this space (Cosine similarity here) is a measure of their semantic relevance. Next I will choose two sets of words that are carrying positive and negative sentiments in the context in which we are working. Now in order to predict the sentiment of a review, we will calculate its similarity in the word embedding space to these positive and negative sets and see which sentiment the text is closest to." ] }, { "cell_type": "markdown", "metadata": { "id": "8YCNUPAoqjMb" }, "source": [ "## Training the word embedding model\n", "Before going into further details, let's train the word embedding model. [Published in 2013 by Mikolov et al.](https://arxiv.org/pdf/1301.3781.pdf), the introduction of word embedding was a game-changer advancement in NLP. This approach is sometimes called word2vec as the model converts words into vectors in an embedding space. I use gensim package to train the wordd2vec model. Since we don't need to split our dataset into train and test for building unsupervised models, I train the model on the whole data. I also set the embedding dimension to be 300." ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [], "source": [ "# Training a Word2Vec model\n", "keyed_vectors, keyed_vocab = w2v_trainer(df['tokenized_text'])" ] }, { "cell_type": "markdown", "metadata": { "tags": [] }, "source": [ "## Defining the negative and positive sets\n", "There is no unique formula to choose the positive and negative set. However, in order to have a starting point, I checked the most similar words to the words 'good' and 'bad' in our newly trained embedding space. Mixing it with my judgement on the context, I came up with the following lists:\n", "\n", "- `positive_concepts` = ['excellent', 'awesome', 'cool', 'decent', 'amazing', 'strong', 'good', 'great', 'funny', 'entertaining'] \n", "- `negative_concepts` = ['terrible', 'awful', 'horrible', 'boring', 'bad', 'disappointing', 'weak', 'poor', 'senseless', 'confusing']\n", "\n", "Please note that we should make sure that all `positive_concepts` and `negative_concepts` are represented in our word2vec model. " ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "[('decent', 0.6330704092979431),\n", " ('alright', 0.5451644062995911),\n", " ('NOTbad', 0.5265849232673645),\n", " ('bad', 0.5005223751068115),\n", " ('great', 0.4876825213432312),\n", " ('ok', 0.47423526644706726),\n", " ('NOTgood', 0.4730038046836853),\n", " ('acceptable', 0.46018311381340027),\n", " ('solid', 0.45622262358665466),\n", " ('nice', 0.4558844566345215),\n", " ('fine', 0.452706903219223),\n", " ('passable', 0.44883573055267334),\n", " ('excellent', 0.43975669145584106),\n", " ('competent', 0.4395764172077179),\n", " ('impressive', 0.43886029720306396)]" ] }, "execution_count": 11, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Find the most similar words to \"good\" \n", "keyed_vectors.most_similar('good',topn=15)" ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [], "source": [ "# To make sure that all `positive_concepts` are in the keyed word2vec vocabulary\n", "positive_concepts = ['excellent', 'awesome', 'cool','decent','amazing', 'strong', 'good', 'great', 'funny', 'entertaining'] \n", "pos_concepts = [concept for concept in positive_concepts if concept in keyed_vocab]" ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "[('terrible', 0.5866914987564087),\n", " ('horrible', 0.576932430267334),\n", " ('lousy', 0.5544257164001465),\n", " ('awful', 0.5520603060722351),\n", " ('atrocious', 0.5377026796340942),\n", " ('sucks', 0.504562258720398),\n", " ('crappy', 0.5044564008712769),\n", " ('good', 0.5005223155021667),\n", " ('dreadful', 0.48641788959503174),\n", " ('NOTgood', 0.4814264178276062),\n", " ('stupid', 0.471134215593338),\n", " ('cheesy', 0.46915584802627563),\n", " ('horrid', 0.46824970841407776),\n", " ('lame', 0.4671851694583893),\n", " ('appalling', 0.45790767669677734)]" ] }, "execution_count": 13, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Find the most similar words to \"bad\" \n", "keyed_vectors.most_similar('bad',topn=15)" ] }, { "cell_type": "code", "execution_count": 14, "metadata": { "id": "y2eaf19CqjMf", "outputId": "d2529c69-0a86-4fe4-a023-fb9182eb0fc2" }, "outputs": [], "source": [ "# To make sure that all `negative_concepts` are in the keyed word2vec vocabulary \n", "negative_concepts = ['terrible','awful','horrible','boring','bad', 'disappointing', 'weak', 'poor', 'senseless','confusing'] \n", "neg_concepts = [concept for concept in negative_concepts if concept in keyed_vocab]" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Calculating the semantic sentiment of the reviews\n", "As we mentioned earlier, in order to predict the sentiment of a review, we need to calculate its similarity to our negative and positive sets. We will call these similarities negative semantic score (NSS) and positive semantic scores (PSS) respectively. There are several ways to calculate the similarity between two collections of words. One of the most common approaches is to build the document vector by averaging over the wordvectors building it. In that way, we will have a vector for every review and two vectors representing our positive and negative sets. The PSS and NSS can then be calculated by a simple cosine similarity between the review vector and the positive and negative vectors respectively. Let's call this approach *Overall Semantic Sentiment Analysis* (**OSSA**).\n", "\n", "However, averaging over all wordvectors in a document is not the best way to build document vectors. Consider a document with 100 words. Most words in that document are so-called glue words that are not contributing to the meaning or sentiment of a document but rather are there to hold the linguistic structure of the text. That means that if we average over all the words, the effect of meaningful words will be reduced by the glue words.\n", "\n", "To solve this issue, I define the similarity of a single word to a document, as the average of its similarity with the top_n most similar words in that document. Then I will calculate this similarity for every word in my positive and negative sets and average over to get the positive and negative scores. To put it differently, in order to calculate the positive score for a review, I calculate the similarity of every word in the positive set with all the words in the review, and keep the top_n highest scores for each positive word and then average over all the kept scores. This approach could be called *TopN Semantic Sentiment Analysis* (**TopSSA**).\n", "\n", "After calculating the positive and negative scores, we define\n", " \n", "`semantic_sentiment_score (S3) = positive_sentiment_score (PSS) - negative_sentiment_score (NSS)`\n", "\n", "If the S3 is positive, we can classify the review as positive, and if it is negative, we can classify it as negative. Now let's see how such a model performs (The code includes both OSSA and TopSSA approaches, but in this post, only the latter will be explored).\n" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [], "source": [ "# Calculating Semantic Sentiment Scores by OSSA model\n", "overall_df_scores = overall_semantic_sentiment_analysis (keyed_vectors = keyed_vectors,\n", " positive_target_tokens = pos_concepts, \n", " negative_target_tokens = neg_concepts,\n", " doc_tokens = df['tokenized_text'])\n", "\n", "# Calculating Semantic Sentiment Scores by TopSSA model\n", "topn_df_scores = topn_semantic_sentiment_analysis (keyed_vectors = keyed_vectors,\n", " positive_target_tokens = pos_concepts, \n", " negative_target_tokens = neg_concepts,\n", " doc_tokens = df['tokenized_text'],\n", " topn=30)\n", "\n", "\n", "# To store semantic sentiment store computed by OSSA model in df\n", "df['overall_PSS'] = overall_df_scores[0] \n", "df['overall_NSS'] = overall_df_scores[1] \n", "df['overall_semantic_sentiment_score'] = overall_df_scores[2] \n", "df['overall_semantic_sentiment_polarity'] = overall_df_scores[3]\n", "\n", "\n", "\n", "# To store semantic sentiment store computed by TopSSA model in df\n", "df['topn_PSS'] = topn_df_scores[0] \n", "df['topn_NSS'] = topn_df_scores[1] \n", "df['topn_semantic_sentiment_score'] = topn_df_scores[2] \n", "df['topn_semantic_sentiment_polarity'] = topn_df_scores[3]\n" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "OSSA Model Evaluation: \n", "* Accuracy Score: 82.2680%\n", "* F1 Score: 82.9625%\n", "* Recall Score: 86.3440%\n", "* Precision Score: 79.8358%\n", "=======================\n", "TopSSA Model Evaluation: \n", "* Accuracy Score: 83.4140%\n", "* F1 Score: 82.4617%\n", "* Recall Score: 77.9840%\n", "* Precision Score: 87.4849%\n" ] } ], "source": [ "# OSSA Model Evaluation\n", "print(\"OSSA Model Evaluation: \")\n", "evaluate_model(df['sentiment'], \n", " df['overall_semantic_sentiment_polarity'])\n", "\n", "print(\"=======================\")\n", "\n", "# TopSSA Model Evaluation\n", "print(\"TopSSA Model Evaluation: \")\n", "evaluate_model(df['sentiment'], \n", " df['topn_semantic_sentiment_polarity'])" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "As the classification report shows, the TopSSA model manages to achieve better accuracy and F1 scores reaching as high as about 84%, a significant achievement for an unsupervised model. " ] }, { "cell_type": "markdown", "metadata": { "tags": [] }, "source": [ "Let's visualize the data to understand the results better. In the below scatter plot each review has been placed on the plane based on its PSS and NSS. Therefore, all points above the decision boundary (diagonal blue line) have positive S3 and are then predicted to have a positive sentiment and all points below the boundary have negative S3 and are thus predicted to have a negative sentiment. The actual sentiment labels of reviews are shown by green (positive) and red (negative). It is evident from the plot that most mislabelings happen close to the decision boundary as expected. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "![alt text](../reports/figures/distribution_of_all_reviews_in_PSS_NSS_plane_TopSSA.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## High confidence predictions\n", "It is well-known that the results further from the decision boundary have better performance. Here I show that this applies to our unsupervised model as well. To do so, I plotted the distribution of the S3, PSS, and NSS for all reviews. As we would expect from Central Limit Theorem, all three distributions are very close to normal with S3 having a mean and std of -0.003918 and 0.037186 respectively. Next, I define the high confidence predictions to be those that their S3 is at least `0.5*std` away from the mean. That consists of ~64% of reviews and the model has the F1 of ~94% for them. " ] }, { "cell_type": "markdown", "metadata": { "tags": [] }, "source": [ "![alt text](../reports/figures/pss_nss_s3_Distributions.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "![alt text](../reports/figures/distribution_of_high_confidence_predictions_on_PSS_NSS_plane.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "---\n", "[Back to top ^](#Table_of_contents)\n", "\n", " \n", "# 5. Further Analysis\n", "---" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "So far, I showed how a simple unsupervised model can perform very well on a sentiment analysis task. As I promised in the introduction, now I will show how this model will be able to provide additional valuable information that supervised models are not providing. Namely, I will show that this model can give us an understanding of the sentiment complexity of the text. To do so, I will again rely on our positive and negative scores. First, let's look into another property of those scores. In addition to the fact that both scores are normally distributed, their values are correlated with the length of the review. Namely, the longer the review, the higher its negative and positive scores. A simple explanation is that with more words, one can potentially express more positive or negative emotions. Of course, the scores cannot be more than 1 and they saturate eventually (around 0.35 here). The below plot shows the correlation very well. Please note that in order to better depict this for both PSS and NSS, I reversed the sign of NSS values." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "![alt text](../reports/figures/pss_nss_distribution_throughout_length.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "\n", "Therefore to account for the effect of text length in our analysis, we slice the dataset so that reviews placed in each subset would be close in length. In this post, I limit the analysis to the reviews between 100 to 140 tokens (the average number of tokens in reviews is 120). This slice has around 8400 datapoints in it and their respective F1 score is ~82%, which is close to the F1 score on the whole dataset. Additionally, both PSS and NSS in this slice have a normal distribution with the following values:\n", "\n", "> PSS_mean = 0.200648 \n", "> PSS_std = 0.031200\n", "\n", "> NSS_mean = 0.205617 \n", "> NSS_std = 0.039358 \n", "\n", "From now on, any mention of mean and std of PSS and NSS refers to the values in this slice of the dataset." ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "8401" ] }, "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ "df_slice = df[df[\"tokenized_text_len\"].between(100,140)]\n", "len(df_slice)" ] }, { "cell_type": "markdown", "metadata": { "tags": [] }, "source": [ "## Sentiment Complexity\n", "\n", "My main claim here is that we can assess the sentiment complexity (or complexity of emotions) of a text using their PSS and NSS. I will show that if a text has simultaneously high PSS and high NSS values (low S3), it probably has a high sentiment complexity. And a text with a low PSS and a high NSS value or vice versa (high S3), could be considered as having a more clear sentiment or a low sentiment complexity. But first, we should define high and low. For the sake of this analysis we define high and low PSS (NSS) to be values above and below one standard deviation from their mean respectively, but of course these definitions are relative and could be adjusted. So\n", "\n", "\n", ">- High PSS(NSS) = PSS(NSS) > mean_PSS(NSS) + std_PSS(NSS)\n", ">- Low PSS(NSS) = PSS(NSS) < mean_PSS(NSS) - std_PSS(NSS)\n", "\n", "Therefore the high sentiment complexity could be defined as:\n", "\n", "> High sentiment complexity = High PSS & High NSS\n", "\n", "In contrast, there is a group of reviews that have simultaneously low PSS and low NSS. These reviews often state Less opinions and more facts, so they could be called reviews with Low subjectivity, and be quantitatively defined as\n", "\n", "> Low Subjectivity = low PSS & low NSS\n", "\n", "The plot below shows how these two groups of reviews are distributed on the PSS-NSS plane." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "![alt text](../reports/figures/low_subjectivity_vs_high_complexity_reviews_on_PSS_NSS_plane.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Although for both the high sentiment complexity group and the low subjectivity group, the S3 does not necessarily fall around the decision boundary, yet -for different reasons- it is harder for our model to predict their sentiment correctly. Traditional classification models cannot differentiate between these two groups, but our approach provides us with this extra information. The following two interactive plots let you explore the reviews by hovering over them." ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [ { "data": { "text/html": [ " \n", " " ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "application/vnd.plotly.v1+json": { "config": { "plotlyServerURL": "https://plot.ly" }, "data": [ { "alignmentgroup": "True", "boxpoints": "all", "customdata": [ [ "I just rented this today....heard lots of good reviews beforehand. WOW!! What a pile of steaming poo
this movie is!! Does anyone know the address of the director so I can get my five dollars back????
Finally someone bumped \"Stop-loss\" from the 'Worst Iraq War Movie Ever' number one spot. To be fair,
I don't think there are any good Iraq war movies anyway, but this was REALLY bad.

I
won't get into any technical inaccuracies, there's a hundred reviews from other GWOT vets that
detail them all. If the director bothered to consult even the lowliest E-nothing about technical
accuracy however they could've made the movie somewhat realistic....maybe. I guess the writer should
be given the \"credit\" for this waste of a film. He or she obviously hatched the plot for this movie
from some vivid imagination not afflicted with the restraints of reality. Does anybody but me wonder
what the point of this movie was? Was there a message? Seriously though.....WTF????

I'm
pretty amazed at all the positive reviews really. This film is hard to watch as a vet because of all
the glaring inaccuracies but even if one could overlook that, the plot sucks, characters are shallow
(to say the least) and the acting is poor at best. It's ironic, I suppose, that this movie is
supposed to be about Explosive Ordinance Disposal, because it's the biggest bomb I've seen this
year." ], [ "This is one of the worst movies i've ever encountered, but i want to say that some of the criticisms
i had heard turned out to be unwarranted..

As far as pure film-making technique goes,
this director is competent. He's held back by the limited budget and the VHS camera, but the actual
editing, camera angles, camera movements and scene staging are pretty professional. i've seen many
movies where the \"directing\" was much worse. At least the scenes flow in a way that is not confusing
and he has a few clever shots here and there. Also, the forest scenes contained a decent atmosphere.
There is only so much you can do with a VHS camera, and he does a nice job as far as the
technicalities go. As far as artistic merit, there is none. The scene where the camera pans down so
that we can watch a guy urinate in the woods for 15 seconds sort of epitomizes the artistic style of
the whole film. This is pure trash... Total garbage.

The gore is decent for a film in
this budget range. , it's obviously fake but there's lot's of it, and it's very outlandish../>
I saw the American version with the intentionally campy dubbing. This was a good idea (and
it's the only thing that allowed me to make it through the film)... Unfortunately, it's overdone,
especially towards the end.

It's really a terrible film, but i have to recommend it for
it's camp value. It's really hard to find a movie that's worse than this and that sort of puts it in
a unique category." ], [ "I registered for IMDb just to comment on this movie.

I just got done sitting through
this movie, and the only thing that impressed me, was that I somehow had the will power to not stop
it.

I've seen a pretty decent number of action movies and what not, but Princess Blade
has some of the worst fights I've ever seen in a movie. Most of the sword fighting involves
mindlessly swinging the swords back and fourth and hoping the opponent isn't doing the same. I've
seen a good many student films with better action and stronger plots.

So now we have a
\"futuristic\" action movie with poor action, and virtually no sign of the future.

Most of
the movie doesn't even have any action and shows the developing relationship with the Princess and
the farmboy/terrorist and his disturbed sister. The movie has multiple plot lines, and none of them
really pan out to be worth anything.

Part of the problem may have been that I watched
the dub, which was quite bad. The entire cast mumbled all their lines so it was hard to follow what
was going on. But I got the general idea. (Knowing exactly what was said would not have saved the
movie in my eyes)

If you've heard about this being a futuristic action/ninja flick, then
you've heard wrong. Thats what I thought it was when I heard about it, and now I've lost 90 minutes
of my life. Don't let this happen to you. Steer well clear of it." ], [ "When the movie was released it was the biggest hit and it soon became the Blockbuster. But honestly
the movie is a ridiculous watch with a plot which glorifies a loser. The movie has a Tag-line -
\"Preeti Madhura, Tyaga Amara\" which means Love's Sweet but Sacrifice is Immortal. In the movie the
hero of the movie (Ganesh) sacrifices his love for the leading lady (Pooja Gandhi) even though the
two loved each other! His justification is the meaning of the tag-line. This movie influenced so
many young broken hearts that they found this \"Loser-like Sacrificial\" attitude very thoughtful and
hence became the cult movie it is, when they could have moved on with their lives. Ganesh's acting
in the movie is Amateurish, Crass and Childishly stupid. He actually looks funny in a song, (Onde
Ondu Sari... )when he's supposed to look all stylish and cool. His looks don't help the leading role
either. His hair style is badly done in most part of the movie. POOJA GANDHI CANT ACT. Her costumes
are horrendous in the movie and very inconsistent.

The good part about the movie is the
excellent cinematography and brilliant music by Mano Murthy which are actually the true saving
graces of the movie. Also the lyrics by Jayant Kaikini are very well penned. The Director Yograj
Bhat has to be lauded picturization the songs in a tasteful manner.

Anyway all-in-all
except for the songs, the movie is a very ordinary one!!!!!!" ], [ "As an avid fan of Christian film, and a person trying to maintain a keen eye for improvements in the
realm of Christian film-making, I was excited to get a chance to see this film. I was ready to see
something that would make a new mark in quality movies. I was left disappointed.

The
beginning scene is excellent, though a slight rip-off of Leon - The Professional on the angle, it
showcases some great cinematography in the early goings... everything after that was pretty much
downhill.

I was barely able to sit through this one, I was tempted multiple times just to
shut it off.

The acting, while quite possibly sincere, was incredibly awful. But then
again, the heart of the problem was the screenplay itself. The dialog was worse than anything I have
ever seen, and even my amateurish screenplay \"The Awakening\" (soon to be an independent film) looked
like a Hitchcock-thriller next to this. (Which isn't saying much.) The bright side of this film is
that it was filmed on Sony's brand new High-Definition 900 cameras shooting in 24P. This film and
Star Wars: Attack of the Clones were the first movies ever to use these new technology cameras that
year. Unfortunately, the camera's performance seemed to be wasted with bad lighting, poor angles,
and awkward handling.

The only good feeling I got coming out of watching this movie was
how good my rookie indie film is going to look next to it. ; ) 4/10" ], [ "Generally I don't do minus's and if this site could i would give this movie -3 out of 10 meaning I
really hated this movie. I thought Uwe Boll's alone in the dark was the worst i've seen yet but at
least i gave it a 2.5 out of 10 in my opinion(Stephen Dorff shooting at nothing made me laugh so i
boosted the ratings a bit). Hell if it was if compared to bloodrayne, Bloodrayne would win a Oscar
for best movie if they were competing.

Now to the plot, this movie is about the BTK
killer which is fine but they've could have done better. The start looked OK but that's it I had to
fast forward most of it because the death's where boring. I like killer movies and even if they suck
they could still get some cool deaths. I'm not a fancy movie expert but believe me he would have
shot himself if did see this. Sorry for rambling but there's nothing good to say about it, because
it looks like someone took a camcorder and film this.. this.. thing of disaster. Uwe Boll your
movies are no longer on my list of worst movies ever this took the cake.

Well sorry i
couldn't explain the plot(if there was one) but that was the best i could. Now if you don't mind i'm
going to crawl into a corner and move back and forth and reminding me of how bad this movie scared
me for life.... OK not for life" ], [ "Wow. The storyline to this was just incredibly stupid. I realize that this movie was supposed to be
of a comedic genre. But still, even nonsense is supposed to make at least some vague sort of
sense.

Water has become incredibly rare substance?

Well, that's strange,
considering that hydrogenated oxygen (or oxidized hydrogen) is one of the most plentiful substances
there is in the universe. And pretty easy to make. Glomp together hydrogen and oxygen atoms, and
voilà, water.

Instead of water, the rarity of dilithium crystals or some such thingamajig
should have been used as a plot device as something the pirates would go after. Water as a plot
device was just dumb, dumb, dumb.

The \"comedy\" seemed labored and contrived and forced.
The comedy in the TV series \"Red Dwarf\" was labored and contrived and forced, but, it was actually
amusing. Here instead, i felt like saying, \"Ha ha, that was just so funny, i forgot to laugh...\"/>
Sigh... all that money put into sets, costumes, actors... what a waste...

Rather
than just whimper and whine and complain at it's lameness, my recommendations to make it better: 1)
Use a believable plot device. 2) Get rid of the \"comedy\". None of the actors were really any good at
it. The movie would work better as a \"serious\" action adventure.

The obvious intention of
the writers was to do a spoofy comedy, but they didn't quite pull it off. It's not likely i'll ever
watch this again. It's too much a total hack job." ], [ "This movie has to be the worst film of 2007, it was just really bad and i don't think i have ever
seen a film that is just so bad, i mean the don't make really bad Hollywood films do they?? Hamish
really should stick to singing instead of acting cause he just can't act at all, god he was just so
bad, i mean he was that bad in the film that he made Mallika Sherawat look like a better actress
than him, as for her performance, she plays the same role in every movie, god it is just so boring
watching her, i mean what do men see in this woman?, yeah she has a god body but where is that
talent???? i have not seen it yet and at this rate i don't think that i ever will.

Anyway
Hamish falls in love with Ria now this 15 year old girl can act, my god she was the best actor in
the film and she does not look 15 at all, to me she looks about 21, but her performance was
brilliant in the film. bless her she was really good, i hope to see more of her in the future. So
Ria falls in love with Himash, but her father wants her to marry someone else, a typical bollywood
film anyways there is a hiccup (can only happen in a bollywood film) and the both get married in the
end.

Well i would give th music 10/10 it was superb, that made the movie a hit, the songs
were truly amazing and brilliant. anyways the only thing that i can say is to go and buy the music
and not watch the film." ], [ "I wasn't sure how to rate this movie, since it was so bad it was actually very funny. I'm not a
Gackt fan by any means, though he is talented, despite the weird pseudonym that sounds like a cat
coughing up a hairball. I always thought Hyde was talented though, Faith is an interesting album./>
But on topic here folks. This movie is ridiculous. It's so over the top and nonsensical it's
almost like a parody of supernatural action films.

The movie has almost no plot here,
except it's just about vampires with gangster friends. In a way, this film almost reminded me of
Spider-Man 3, with how there were too many ideas, which resulted in not enough time to pay attention
on one of them.

The action scenes were laughable. Quickly edited, almost hard to
understand, with choreography that's so laughably bad. Though Hyde looked very stylish during the
action scenes, but that's this film's only such redemption. I'm a sucker for good action movies, but
the action was horribly done. Though the final shootout was OK and the highlight of this otherwise
depressing movie.

It keeps jumping between genres, not a good thing. It wants to be a
drama, or an action flick, or a horror, or a romance... what the hell.

If this review is
making you mad, why? Is it because Gackt and Hyde are your love? Don't fool yourself, this MOVIE IS
BAD." ], [ "This was god awful. The story was all over the place and more often than not I was confused because
of horrible editing. I felt no sympathy for anyone because their characters were not developed
enough. They were extremely superficial people with no dimension. Cheesy, cheesy stereotypes with
subplots that went nowhere. The stripper chick was just a distraction, even if she was decent
looking. I don't know what this was attempting to be, but how shocked was I when they showed this
trash on Sundance? I almost cancelled my subscription. You'd think a channel like that would show
more quality films. There are much, much better gay and lesbian themed films out there. \"The
Celluloid Closet\" is an excellent documentary. I thoroughly enjoyed \"Wigstock: The Movie\". I'm sure
there are others that have slipped my mind at the moment, but what I'm trying to say is that this
just wasn't worth it. If you catch it on TV, ok, but otherwise don't bother.

There were
maybe three or four shots that looked really nice (sad I can count them on one hand), otherwise the
cinematography was pretty crappy as well. The lighting was way off in a lot of places. I think some
of the effects were used to try and add to something that just had practically nothing going for
it.

I can't deny Johnny Rebel is pretty hot (without the blond hair of course). Too bad
his acting did nothing for me. Stick with real porn, buddy.

3/10." ], [ "Cute and playful, but lame and cheap. 'Munchies' is another Gremlins clone to come out from the 80s.
I'm not much of a fan of the imitations.

First it was the excellent 'Gremlins'.
/>Then came the very average 'Critters'.

Lets not forget the lousy 'Ghoulies'.
/>But the complete pits would have to go to 'Hobgoblins'.

Is there more??

Now
'Munchies' for me would have to fall somewhere between 'Ghoulies' and 'Hobgoblins'. Actually I
probably found it more entertaining than 'Ghoulies', but I preferred thst one's darker tone. />
From the get-go it plays up its goofy nature (which it's better for it), but due to that
nature the hammy acting (Alix Elias and Charlie Phillips), can get rather overbearing that you
rather just see the munchies running amok. That's where the fun occurs. Mostly light-hearted fluff
though, as the story mainly centres on the munchies (who are either hungry, horny and destructive)
in a whole bunch of supposed comical encounters (some moments do work) in the small desert town as a
couple of people are on the chase. It's silly, but strangely engaging thanks to the zippy pacing.
The creatures themselves look rather bland and poorly detailed, as they're basic dolls being chucked
about. Where their personalities arrived from is that they can actually speak... and with
attitude.

Charlie Stratton and a feisty Nadine Van der Velde (who was in 'Critters') were
fair leads. Harvey Korman was acceptable in two roles. Robert Picardo also pops up.
/>Amusingly low-cut entertainment for the undemanding." ], [ "OK, we got JP from Grandma's Boy and Chuck from, well Chuck. I thought this movie would be quite
good based on the reviews, and it did start out pretty high on my movie scale, but about halfway
through it was just dragging out for so long I kept losing interest. I actually got so bored,
probably because you can see right away what's going to happen in the end; the story is actually
quite thread-bare, I skipped over 15 minutes and didn't miss a thing! This film should have been a
short work, maybe around 45 minutes to an hour max. It starts out good and finishes good, too bad
the filling is bland, boring, dull, and lacks everything but time. Some people say they like it for
the music; I don't care for jazz and I don't go see movies for their score, I go for the story and
when that's drawn out... well, ratings drop in my book.

Bottom Line: Good open, great
close, boring filler. Story was cool, but if you don't know what's going to happen a quarter of the
way through, you haven't seen too many thrillers." ], [ "Much has been written about Purple Rain, the apparent \"quin-essential\" musician bio movie, however
I'm here to tell you that the movie does not deserve it's high praise.

First of all let's
get one thing straight Prince is a great musician and Music is the one area where Purple Rain
excels. Even the score is mesmerising, and if this was shot purely as a concert film it would be a
great experience unfortunately it's not and as such the movie has some problems.

First of
all is the horrendous acting/writing, Prince's character \"The Kid\" is supposed to come off as some
type of mysterious loner of few words unfortunately this just comes off as corny and incensere. A
good loner character should at least have some talkative moments, unfortunately Prince's character
rarely has over a few words of dialog in the film and it's hard to believe that he'd get the girl
this way. Everything just seems a little off here, which is a shame because you can tell this is a
character that's terribly conflicted and lives a very complicated live, but we aren't ever allowed
to get inside of it.

A surprising aspect of this film is just how much of this takes
place in concert. Prince and Morris's lives seemingly take a back seat to the performances here,
which I guess makes sense from a business perspective, but it's exhausting to have a 2 hour movie
where seemingly half of it takes place on stage, especially when the character's back stories get
pushed aside for it.

So to sum it up: This isn't a very good movie." ], [ "Great actors, good filming, a potentially interesting plot, and what should have been good dialog.
Nothing else is good about this movie. Perhaps the writer or director thought they could make a
thought provoking film out of annoying characters who are as deep as a cup of coffee.
/>Within 10 minutes I disliked the portrayal of Kim by Caroleen Feeney so much that it became a
distraction. While Kim is supposed to be an unsympathetic character, I am not sure I was supposed to
want to commit acts of physical violence upon her. The first (of many) bizarre things that happen is
that Wes (David Strathairn) goes from \"I am missing $50.00\" to \"She stole 50$\" in about 3 seconds.
It was quite implausible, since she (Kim) never had access to his wallet nor was she a master
pickpocket-- there simply was no rational reason to suspect her. Most people have lost/misplaced
money and assume just that... we LOST it. Same goes for Kim later. All very unrealistic behavior in
what is supposed to be (I think) a look at real people. The character of Kim was, at minimum,
suffering from a BiPolar disorder. Wes had huge inadequacy issues, Nancy was just boring, and Matt
was delusional (particularly about music). I actually turned this off about 2/3 of the way through.
However, to write a valid comment, I forced myself to turn it back on hoping that something would
come together in this movie. No, sorry, it was still bad. Make it a point to miss this one." ], [ "Although I have enjoyed Bing Crosby in other movies, I find this movie to be particularly grating.
Maybe because I'm from a different era and a different country, but I found Crosby's continual
references to the Good Old USA pleasant at first, trite after a while and then finally annoying.
Don't get me wrong - I'm not anti-American whatsoever - but it seemed that the English could do no
right and/or needed this brave, oh so smart American visitor to show them the way. It's a \"fish out
of water\" story, but unlike most movies of this sort, this time it's the \"fish\" who has the upper
hand. To be fair to both myself and the movie, I have watched it a few times spaced over a few years
and get the same impression each time.

(I watched another Crosby movie last night - The
Emperor's Waltz - and that, too, produced the same reaction in me. And to my surprise even my wife -
who for what's it's worth is American - found the \"in your face\" attitude of American Crosby to be
irritating. One too many references to Teddy Roosevelt, as she put it.)

As for the
premise of the movie, it's unique enough for its day and the supporting cast is of course very good.
The scenery and the music is also good, as are the great costumes - although I agree with a previous
reviewer that the wig on William Bendix looks horrid (picture Moe of The Three Stooges).
/>All in all for me this would be a much more enjoyable picture without the attitude of Bing Crosby
but because he is in virtually every shot it's pretty hard to sit through this movie." ], [ "This movie is simply bad. First of all the story is just weird and it's not good written. It leaves
you with questions when you're finished. Sometimes that's OK, but not in this case.

The
acting is nothing to write home about. The adults does a OK job, but the kids, taken in
consideration they are kids, does not a good job. I thought the lead role, Ian Costello as Mickey,
was worst. Well, to be honest I'm not sure that was the lead role. Never quite figured who this
movie was about. Mickey or Pete.

There were some shots that stood out, but over all there
were nothing exiting about the cinematography. The sound, however, was better. There was a nice
score. A little adventure kind of score, though this didn't look like an adventure film to me. It
had some elements of an adventure film, but it was more of a drama. However, it was hard to tell who
this film was meant for. Children? Hardly. There is too much language and violence for that. Adults?
I don't know. It had to many elements of a children's movie in it. It was like a adult movie in a
children movie wrapping.

The story was just weird. I don't have much of an idea of what
it really was about. You was thrown right in to it without knowing anything, but there were all the
time references to something you felt you should know. The fact that the children's parents were
dead for instance and that Mickey blamed Pete for it. You expected to get to know what happened ,
but you never got.

All together this movie was bad and a waste of time. There was no
drive in it. Nothing to really move the story forward. This is not what you spend your Saturday
night on." ], [ "The most obvious flaw...horrible, horrible script. This movie had a potentially good story, but it
was ruined with bad dialogue, continuity problems, things that were never explained, gaping
plotholes, sub-plots that went nowhere, and just plain stupidity. Not to mention the awful, cliched
directing of Sandra Locke. Not even two great performances could've saved this movie. So it didn't
matter that Devon Gummersall and Rosanna Arquette give horrific performances. The thing is, they're
better actors than this movie would have you believe. The best of the Arquettes, Rosanna Arquette
(Silverado, After Hours, Desperately Seeking Susan) has some fine moments - like a great scene in
the beginning when she painfully pulls her handcuffs off - but gives an overall weak performance, by
her standards. And Devon Gummersall (Dick, When Trumpets Fade, and the brilliant My So-Called Life)
is much worse, acting with no conviction or emotion what-so-ever. But I won't lay blame on the
actors, who have been good in other roles. The script is awful, and the bad direction doesn't help.
Do me a favor...avoid this movie." ], [ "Just saw this at the Madison Horror Film Festival and was disappointed. A few shocking, funny
moments (fisting the hollow Carla, a urinating harpy in the Dreamland) and two competing interesting
premises (similar to New Nightmare with belief bringing a mythical character to life and also Lost
Highway with a man living out a fantasy in his head) but had long stretches of no movement and
incoherent plot development. Just because you use the framework of dreams or a mental fugue state
doesn't make it Lynchian. You need the compelling visuals and creepy performances.
/>Positive things: Dr. Maitland had real comic timing and all the girls were very cute. Carla's
Father, Chalmers, and Ingrid Pitt looked like they were having some fun. And Tom Savini at least
looked like he had his lines memorized and we couldn't see if he was just reading cue cards./>
I get the Hammer references, but it looks like the director realized the script was a
snoozer and just added some shocks to try and get some laughs out of whatever footage he could put
together. But they don't work because they're too few and far between and create an inconsistent
tone. Condense this to 30 minutes of all the fun parts and you could have a surreal goofy short, but
at feature length, skip it. It's not \"so bad it's good\" it's just \"so bad it's boring\"." ], [ "Okay this is stupid,they say their not making another Nightmare film,that this is the \"last\"
one...And what do they do?They go on making another one,not that the next one (part7) was BAD,but
why do they play us. Anyway this movie made no sense what-so ever,it was extremelly dull,the
characters were highly one dimensional,Freddy was another joker,which is very stupid for such a good
series.The plot is very,very bad,and this is even worse than part 2 and 5. I didnt get the movie,its
a stupid tale in 3-d,pointless!Id say. I hated this film so much i still rmember all the parts i
didnt like which was basically the whole film.This is SO different than the prequels,it tries,and
tries,but this one tried the hardest,and got slapped back on the face.Again there were hadly any
death scenes,although they were different,they sucked bigtime. How can they have gone this far?Didnt
they see they made the biggest mistakes at parts 2 and 5?Yet they make this?Its all bout the
money,DO NOT SEE THIS SAD EXCUSE FOR A NIGHTMARE SERIES.

I GAVE A NIGHTMARE ON ELM STREET
SIX (6) 3 out of 10.

GOOD POINTS OF MOVIE: Had potential with plot.

BAD POINTS
OF FILM: Terrible acting/lack of deaths/Too funny to be classified as horror/very confusing." ], [ "While not as bad as it has been made to be (I have seen MUCH worse), this is still a very lame
movie. Basically a rehash of Siegel's \"Coogan's Bluff\", with the main difference being that Clint
Eastwood's hat has more charisma than the whole of Joe Don Baker, an unappealing actor if there was
one.

However, Venantino Venantini is great (and great fun) as the bad guy, sort of a
budget Vittorio Gassman. He is the main reason to sit through this steampile, as the rest of the
cast deliver mostly terrible acting, specially the girl. Poor old Rossano Brazzi, hard to believe he
was once a romantic lead (watch \"Mondo Cane\" to see him running away from women). Looking here like
a second-tier Ben Gazzara, he's given next to nothing to do. It's all Joe Don's show, unfortunately.
And all of it scored to generic 80's \"action movie\" music that couldn't be more boring.
/>Greydon Clark can make good B-Movies (\"Without Warning\"), but here he trips, falls, breaks his
nose and loses three teeth. Well, at least the Malta locations were nice, and there's Venantini to
try to save the day. 3/10." ], [ "This is indeed quite the strange movie... First, we have an ex-U.S.-gymnast trying to turn actor (or
something), and this seems to be the only role he ever got (that I know of anyway) -- and for good
reason. While he does pull off the role well enough to keep some interest, it is a rather bland and
flat performance. Second, we have the WORST EVER sound effects ever used in a movie!!! I'm not
kidding. This alone makes the movie extremely comical, but in that annoying way. hehe And third,
while we have a generally decent acting supporting cast (including the required hot chick!), an
actually not-so-bad story, and some cool visuals; the dialogue, fight scenes involving gymnastics
(hilarious!), and overall execution of the plot are weak. This movie would have been barely better
as a network TV movie (too bad Fox wasn't around in 1985). It's one of those movies that's simply
bad, yet you can't resist watching and even enjoying it once you get used to it, especially now that
it has found the perfect eternal home on late night TV and cable." ], [ "Most movies I can sit through easily, even if I do not particularly like the movie. I am the type of
person who recognizes great films even if I do not like the genre. This is the first movie I could
not stand to watch. Cat in the Hat is the worst movie I have ever seen--and I've seen a lot of
movies. The acting is okay (Myers is good as the cat, it's just that he is REALLY annoying). The
silly songs the cat sings were boring and monotonous, even for the children in the audience. The
plot drags on and on, and viewers must suffer through poor dialogue. The \"witty\" parental remarks
are disgusting, not funny (I remember some awful comment about a garden hoe being compared to, well,
a type of person people call a \"ho\"). Even though the movie is really short, it seemed to last
FOREVER. Do not waste your time. I know small kids who hated this movie. If children can't stand it,
I do not know how any adults can. I would like to fume more about this film but I do not even feel
like wasting anymore time writing this review about it. I HATED IT! So, in summary, do not spend 90
minutes of your life watching this! See a GOOD movie!

1/10 stars--the lowest review I
have ever given a movie." ], [ "I'm not sure what HK movies the other reviewers have been watching, but Enter the Eagles is nowhere
near the top of the heap in HK action. Michael \"Fitz\" Wong should be glad he can get acting jobs in
HK, because he couldn't act his way out of a wet paper bag in English. Shannon Lee looks good and is
a fantastic fighter (even better with the leg fighting than her dad), but her acting skills are also
sub-par. In fact, all the English dialog (90% of the movie--even more than in Gen-Y Cops) is so bad
that I switched to Mandarin audio just to spare myself the misery of the bad dialog delivery and the
redundancy of the English subs. Sure, there are some decent gunfights (but nothing we haven't
already seen before) and good cinematography, but the cheesy visual effects really spoil the
action.

That said, it's worth the price of admission to watch Shannon and Benny \"The Jet\"
Urquidez go at it. Spectacular, and almost worth watching the rest of the movie for.
/>Finally, you might notice some scenes that seem \"familiar\" to you, notably a shootout at an
outdoor market (think Matrix) and Fitz diving out of a helicopter wearing black fatigues (think
MI:2). Guess someone thought at least a few things in this flick were worth ripping off." ], [ "Spirit of a murdered high school geek animates a scarecrow which then takes revenge on everyone./>
This movie really annoyed me. It has a great looking monster, has some good low budget
effects, some atmosphere but manages to short circuit the good stuff with bad. Half way in I started
to fast forward and then step through the chapters on the DVD.

The problems with this
movie are many. First off the cast looks about thirty and yet they are suppose to be in high school.
You don't believe anything from the get go as a result. The scarecrow, while looking great isn't
much beyond that. He says stupid one liners and moves in a manner more designed to be funny then
scary. Is this a comedy or a horror movie? Its a problem that goes beyond the one liners to much of
the dialog and set up. It seems more send up of every cliché than heartfelt horror film. I some how
expect that the film was made for a very narrow audience in mind, horror fans who want to mock the
genre rather than embrace it.

Despite the good looking monster this is a film to avoid.
Even if you pick it up in the bargain bin for under five bucks, you're paying too much.
/>Avoid." ], [ "Prior to Airport 79' these movies were rather good. They had decent special effects, all-star cast,
and good acting. This movie destroyed the franchise, and there are many reasons for it. Lets talk
about the special effects WOW!!!! they are horrific, what was the director thinking about. I know
it's only 1979, but lets look at other very good special effects movies such as Star Wars(1977),and
Moonraker(1979). I like the idea of the Concord and this could of been the best Airport movie, but
they did too much with it. How about Joe Patroni(George Kennedey) shooting a flare out of the
cockpit window, to prevent a heat seeking missile from hitting the concord. Also he is doing 90
degree dives and loops. This completely far fetched, and unrealistic WOW!!!!!! Believe me the
special effects don't help this scene, and really are beyond poor.... They almost look like a
cartoon, and this is how the whole movie is!!!Finally lets talk about the acting which in my opinion
is extremely poor to fair at best.... Over acting is a major issue in this movie, especially George
Kennedy.. Which I really like as an actor, but just doesn't cut in this movie. The full blame has to
go on the director, who did a very poor editing job, and really whacked out the Airport Franchise.
Too bad the Concord isn't still used today it was a marvel of Air travel..." ], [ "First there are some plot holes in this movie. We see in the very beginning a kid dies from playing
the game. But who was tied up in the mail truck delivering the package which contains the game? How
did the driver place the package into the mailbox when he was lashed to the steering wheel? It is
not like he was Mr. Fantastic. Wow that in just the first 15 minutes... The actors are second rate,
take the \"Bad Guy\" played by Patrick Kilpatrick (who?) exactly he has appeared in one episode of
everything on TV and some secondary roles in poor movies (like this one). So most of the acting is
like TV dramas, I can live with that, but the graphics or special effects are horrible. The
disembodied \"Game\" voice sounds like a poor clone of Hal from \"Space Oddessy 2000\". What they called
Zombies looked more like shadows jumping around like monkeys from \"Planet of the Apes\". The Aliens
had transparent bodies like the shadow zombies. In most cases, the movie was just predictable as it
had no hook or hidden agenda going. The story was a good idea but like most good ideas discussed
over lunch was never developed beyond that good idea stage." ], [ "Oh f*cking hell, where should I start... First of all; this show is just another stupid American
non-funny so called comedy which has pathetic acting and very very poor humor. The American way of
laughing-track business makes the whole thing even worse. How come I can hear laughter, yet there's
nothing funny happening? Pretty stupid, eh? This show is only for those American people who haven't
ever heard that there are far more funnier, better and wittier comedies - not only in Great
Brittain, but also in America (The Simpsons for example). I simply can't understand what is so good
about \"Reba\" that it has lasted for long a while in television. It has nothing new to offer, it
underestimates the (possible) viewers in so many ways and it simply isn't funny at all. I could have
lived with the fact that there are so bad shows as \"Reba\", but why the hell they had to run it here
in Finland. If I see few seconds of this horrible show the rest of the day is ruined for me. Take my
word and believe me - this show sucks ass even more than these kind of American \"comedies\" usually
does. This is simply horrible. Do yourself a favor; don't ever watch this peace of sh*t.
/>Well I leave the commenting for those who now this language better. Thanks for your (possible)
interest." ], [ "1st movie comment ever! I'll start with saying \"Come on! Wasn't THAT bad... was it?\"... No it was't
that bad actually. I laughed and giggled enough times through the movie so I cannot say with hand on
my heart that it was rubbish.

It's completely different, this and Epic Movie (Epic Movie
sucked bad.. doh!). \"How so?\" people would ask. I'll tell you how. This movie is not as nearly as
pointless, not to mention that the stupid (and I say stupid because it is, but being stupid makes it
funny) stuff that happens around and with the characters is actually enjoyable in this movie. Not
the best around but hey... what would you expect - look at the poster! Some people said it was
stupid, I find that when writing a comment one should be more objective (my own opinion) but yeah,
of course it was stupid, it's a movie about \"stupid\"! Look, I'm not telling you to go and watch the
movie now or else you missed the event of the century. What I am telling is that, if you happen to
see the movie somewhere, please don't carve your eyes on the opening credits. See what it's all
about - who knows, you might like it a bit.

I give it 4/10 for not being so bad and
making me laugh and some unexpectedly good sex-related jokes." ], [ "I just saw this movie premiere on MTV. I must say this was extremely mediocre (at its best). The
dialogue doesn't explain the story very well, and I was left feeling like there were a lot of plot
holes. There isn't one likable character in this adaptation due to poor acting. I just find that all
of the characters are way too possessive when it comes to someone they love. Also, Cate and Heath's
love seems very incestuous. They seem more like brother and sister rather than lovers. I don't
understand why the father would accept something like that under his roof.

I watched this
movie because of a few actors that I respected and enjoyed to watch in previous films, but like I
said, it's extremely hard to like any of the characters. Katherine Heigl's performance was horrid
which was a complete shocker. She was terrible at being the bitchy older sister of Edward, and there
just wasn't enough lines for Aimee Osbourne for me even to critique her performance. Johnny
Whitworth did well and it was great seeing him in something recent and even though his character was
a bit kooky, he was the only person I sympathized with. As for Erika Christensen and Mike Vogel,
they were supposed to be our heroines, but came off as whiny and overdramatic.

I just
didn't enjoy this movie very much or the music in it. There was a brief appearance of the Christian
punk band, MxPx, but that small appearance would not convince me to watch this movie again. MTV did
a tremendous job in convincing me this was a movie it was not. I just pictured something so
completely different." ], [ "I like monster movies, generally. Even if they are implausible and silly. But its hard to like this
movie when its so implausible and silly AND tries to take itself seriously all at the same time.
Like in a really posh kind of way.

While the idea is somewhat factual, like Orcas are
known for killing Great White Sharks, its really hard to find it scary when I can't help but just
see an angry Shamoo destroying stuff. Especially that one scene where some building exploded cause
of the Orca's doing...and while it explodes, the thing jumps out of the water and it felt like I was
watching a show at Sea World with fireworks. Plus they kill a lot of the scary moments before they
even hint that they're going to happen. On top of that, it takes a few jabs at JAWS. Its like \"hey
look, we're being factual and we can come up with BETTER reasons why the Orca is attacking\"./>
Yes you are, ignoring your outrageous **** ups in logic of course. But JAWS had one thing
your movie doesn't. Its scary. Yes its implausible. Yes its somewhat outrageous. But quite frankly,
factual or not, a Killer Shark is not close to being as scary as a Great White. And the poor attempt
at character development and writing just hurts it more. Even JAWS the Revenge is scarier than this." ], [ "Being a HUGE fan of the bottom series i was really looking forward to the release of this film.I was
eagerly anticipating a laugh a minute roller-coaster ride......alas.

Where to start on
this mess?i think its a good start to say that its hardly richie and eddie on our screens in the
first place as none of the jokes and one liners they usually deliver so well are funny.I was still
waiting for the first laugh after a good 20 minutes of viewing.Many aspects of the story were
pathetic and it was as if the film was full of those bad moments they rehearsed and decided to leave
out of the final cut.

The overall sets and atmosphere surrounding the film is dark and
dingy which i suppose is good if they want to portray the 'terrible' guest house the 2 buffoons
attempt to run,but to me its just puts an even higher dampener on a sorry state of filming that
should never have been created.

The acting,at times,is pathetic.Fenella Fielding is
wasted as the loony Mrs Foxfur and i've seen Simon Pegg have much better outings.

I'd
recommend Guest House Paradiso to anybody who is blind drunk because they might appreciate the
terrible puns much more.But to any bottom fan who hasn't seen this film and is expecting true richie
and eddie action you have been warned" ], [ "this movie wasn't absolutely atrocious, but it was pretty bad. the acting ACTUALLY was pretty good!
jeffrey combs did a pretty darn good job as the mad scientist, which is sort of his specialty if you
don't know such things :D. bill forsythe .. well, i'm not EXACTLY sure why he was in this film. he's
way too good for this kinda stuff, and his role wasn't exactly demanding. I rented this on the
strength of those two leads, and I wasn't really disappointed. I mean, heck, it's a movie about a
half man/half shark. It ain't Shakespeare folks. Other than the plot, which is full of holes, and
the poor dialogue, I would like to note that the cinematography also left many things to be desired.
there were shots were they were trying to look \"cool\", but it ended up obscuring the scene or just
coming off plain cheezy. they also blew it many times when they had decent dialogue and cut away
prematurely before the person could even deliver the line. it was pretty bad. but if you are a
jeffrey combs fan, this one is worth checking out. he gives a great performance and does what he can
with the character. forsythe ain't bad either, and either is the female lead. heck if i can remember
her name though. bottom line, i wouldn't otherwise waste your time." ], [ "I do not find this show at all funny. I actually think it is much worse than any of the other
terrible Disney channel sit-coms right now. Charlotte Arnold is an interesting choice to play Sadie,
because she can't act. The jokes on this show are terribly unfunny, and it makes it even worse when
the only cast member that has a little bit (and I mean little bit) of acting talent is Justin
Bradley as Sadie's brother Hal. Jasmine Richards and Michael D'Ascenzo portray Sadie's friends.
There both really stupid and just terrible actors. Two words that can really describe this show is
terribly corny. It's corny humor that only little girls find funny because their brains have not
developed yet. Now I've explained my hatred for the acting and the horrible humor, what's next? The
whole premise of the show is a stupid idea. She changed again (not so sciencey an Ben-loving) and
suddenly nobody recognizes her? It's moronic. In summation, I hate this show, however little girls
who do not have a concept of funny will enjoy it, so I guess that's what they're going for over
quality. Although i can say as much as, the first season is clearly better than the second.
/>BOTTOM LINE: JUST DON'T WATCH ANY OF IT.

My rating: Awful show. TV G. 30 mins." ], [ "Dark Harvest is a very low budget production made by a bunch of rank amateurs which manages to come
off as a kind of semi-professional movie. Unfortunately the poor effects, wooden acting and
unoriginal story makes this a very mediocre horror slasher at best. By no means is Dark Harvest the
worst horror movie i've ever seen, it just isn't anything special and has nothing in it to warrant a
second watch or hope for a sequel. You know a director has doubts about their own horror film when
a) there is some pointless nudity and b) the movie's so short they add some rather boring outtakes
at the end credits that nobody really cares about because the movie wasn't that good! A slightly
better movie which i can't help feeling was the inspiration for Dark Harvest is the eighties movie
'Scarecrows' which is an OK movie but still pretty average.

Dark Harvest isn't as bad as
some of the other comments say it is but don't think that you will be entertained much either. One
thing i also have to comment on is the character of Angela who has a really terrible English accent!
What was the point in that?! To maybe give it a certain touch of class? Yeah right! English people
do NOT say \"WAAHTAAH\" when they mean to say \"water\" and i don't care what part of England they are
from! If you can't find a genuine English actress or a non-English actress who can put on a
brilliant English accent (not many of them about) then DON'T BOTHER! Sheesh! Final score: 4/10" ], [ "If only he hadn't bowed to cliché, Mr Shiban could have actually made a good film from this story.
It was just different enough to keep you interested, so for the same amount of time, energy and
money as was spent on this stinker, we might have had something good instead of eye-rolling./>
Production-wise, it is as good as one could really expect from a hand-held camcorder, so he
gets good marks there. It's really the script that's at fault, as the acting wasn't all that bad,
either, considering what the actors had to work with.

I thought the days were long gone
when we would see someone, finding a radio transceiver they desperately wish to operate, first turn
every knob on the thing from end to end, bash it on top 6 or 7 times, and then expect it to work.
This story is ruined by a continuous string of stupid moves by all the characters except the bad
guy. It's as though we are thought to be too shallow to grasp all the plot devices, so they are all
spoon-fed to us to make sure we get them.

I don't know about you, but that doesn't work
on me. My attention ends up being occupied by the plot holes and over-dramatizations, not the
story.

So, since I found this to be not so bad in the technical sense, I think Mr. Shiban
should try again, only with a proper script next time; then he might give us something worth
watching." ], [ "Okay, anyone looking to see a great work of art should NOT watch this film. A sophisticated film
connoisseur will no doubt be nauseated by the horrid production values and the sight of watching an
excellent actor (Joseph Cotten) whoring himself out for a buck. Mr. Cotten must have either really
needed the money or he was too senile to realize that the film was crap. The same phenomenon
occurred with Dana Andrews, who late in his career appeared in the campy and awful FROZEN DEAD. I
know Mr. Andrews was in the throes of alcoholism, but why did Cotten do this mess?!

As
for the plot, it's a reworking of the Frankenstein plot. The first half of the movie really looked
as if they were doing a serious but seriously flawed version of the original Frankenstein story.
Then, inexplicably, they introduced a daughter. This wasn't a bad thing,...until then, out of the
blue, they decided to stop making a horror film but make a soft-core pornographic flick!! The change
was dramatic and bizarre. It was almost as if they said \"okay, Mr. Cotten is done with his scenes
and has gone home,....now ladies,...STRIP!\".

The problem is that on every level, the film
is just awful except for the monster's makeup. While not great, it is still pretty cool to see. But
bad writing, acting and a budget of $17.46 conspired to make this a drab and awful flick--one so bad
that tossing in some nudity for the pervs out there shouldn't be enough to entice anyone to see it." ], [ "The first Cruel Intentions, the original, is my favorite movie of all time. It was an absolute
masterpiece. So how on earth could they make a sequel so downright bad. Sarah Michelle Gellar was
perfect in the first movie. In this one, Amy Adams sucks. She is terrible. And couldn't they have
found a chick who actually looked like Sarah Michelle Gellar? At least the same hair color!!! i mean
come on. Robin Dunn isn't as bad as Adams, but he is absolutely terrible when compared to Ryan
Phillipe. The Sebastian in the first film is devious, deceitful, and much more evil than the
Sebastian in the prequel. And what is up with the story line. It basically goes like this.../>
1- Sebastian has a bad rep at his first school, so the movie says, although it mentions
nothing about him and his dating life, and how he has been with girls 2- Sebastian moves to New
York, and just suddenly decides he's going to turn himself around. He \"falls in love\" with Danielle
(might i remind you that in the original, Sarah Michelle giller says quote \"you broke up with THE
FIRST PERSON you ever loved because i said to- so how can he have been in love in the prequel???).
And he's all nice and charming, and all \"good person\", as he turns down sex from the chick his dad
was doing.

3- He does a complete 180, and ends up in a threesome at the end of the movie,
and then seducing Cherry.

I mean, its terrible. And i loved the first one so much. I
haven't even seen the third one yet. I hope to god its better than this prequel." ], [ "I was on a British Airways flight from London to New York when I saw this movie. I wish I could have
fallen asleep. The story line was very thin and the editing crew did their best to stretch it out as
long as they did.

Gary, played by Andy Garcia, was such an unlikable character that I
found it hard to be supportive of him. Andy's acting ability is good but not good enough to make up
for the poor writing in this movie.

Andie MacDowell did a fine job with her portrayal of
Linda, Gary's romantic interest. I can not say anything bad about Andie, I always enjoy her acting.
The problem here is that the romance between Andy and Andie is so far fetched and unbelievable. The
two do not make a good pair on the big screen.

The end of the movie was almost as much of
a let down as the movie itself. A nod from the Pope and all is forgiven, come on. The event that
allows this movie to have a some what happy ending and that the writers would expect us to accept it
is pathetic. Gary does not change and only by the death of a dear friend does his situation get
better.

There are tons of great movies that should be seen before this one. Don't waste
your time.

" ], [ "I went to see this film at the cinema on the strength of its potentially interesting subject matter,
good cast, a director who had previously done the highly-rated \"Once Were Warriors\" and my liking
for noir-ish films set in L.A. in the Forties and Fifties. I would argue that I am reasonably easy
to please in this film category; I appreciate the classics of the genre but I will sit through and
enjoy a half-decent if derivative effort as well. However, I found this film completely
unbearable.

Despite a good situation in which to place the story, nobody seems to do or
say anything remotely interesting or entertaining in the whole two-hours plus of this sorry mess.
Good actors are wasted in endless scenes of dialogue ranging from banal to embarrassing. The
narrative is slack and drags unbearably, and none of the events it depicts is handled well enough to
do anything other than bore the audience to death. There is no drama, no atmosphere, no tension,
absolutely no entertainment value and by the end I simply didn't care what happened because I did
not believe in anything in the film.

L.A. Confidential came out a year later and
regardless of whether one version of the story is more true-to-life, the latter film deservedly gets
all the plaudits for its excellence in every department. Mulholland Falls by contrast fails in every
department, a fact made all the more tragic by the amount of talent involved. If they ever show this
on a plane I will still walk out." ], [ "I'll give it this: I didn't stop watching, and it's not corporate, which is kind of cool. But my
internal critic cut it to pieces -- I suppose I see too many movies. Wooden script, the slang just
sort of clanks out of their mouths without any kind of flow. Editing, mentioned before, is hit and
miss; sometimes it evokes a good ghetto feel, but mostly its irritating -- jerky, quirky angles and
really dull lingering facial closeups. The actors were marginal, though Letisha had her moments./>
I'm not sure why the audience supposed to care about Curtis, he's a total screwup and the
actor is entirely expressionless and not particularly funny or endearing. The directing doesn't help
make you love him or hate him, even; I just wanted him to shut up and get shot already. I didn't
care about his impotent vengeance when that rolled around. The completely predictable ending isn't
credible at all. I'm not sure why we're supposed to believe that some erstwhile successful dealers
he deposes are stupid enough to fall for his petty scams. \"Oh, you just got out of jail and are on
probation? Here's thousands of dollars worth of cocaine, go run it around the corner for me. Now
don't steal from me, etc.\"

A good sex scene in the beginning gave me hope, but it was let
down in the end. Handling of a rape scene was slightly eyebrow-raising, if only mildly interesting.
There are better movies in this genre that don't insult your intelligence by trying for some kind of
authentic ghetto realism while more resembling a film-school offering. 4/10, an F." ], [ "My wife and I couldn't even finish the film. Truly, it was rather painful.

First, the
historical accuracy is compromised not so much by the events themselves as the ridiculous one-
dimensionality of the characters. For instance, Augustus takes the \"burden\" of power only with great
reluctance. Indeed, he is portrayed as if he's some sort of great humanist and believer in
democracy.

Second, the camp! My lord, the dialog is horrifically bad. I recall the soap
opera my mother watched when I was a child having better dialog than this. The constant exposition
and pontificating grates upon the ears like fingernails on chalkboard. Ugh. (Okay, I exaggerate a
bit, but the dialog truly is bad.) The HBO series Rome is superior for no other reason than that its
characters were at least believable, regardless of their historicity.

Rome was also wise
enough to know they couldn't stage epic battle scenes. The creators of this film did not. When
Caesar attacks Munda, the battle scene is practically farcical.

I will grant that the
costumes are perfectly good. The sets are fine, though their CGI backdrops can be a bit jarring at
times. The sound is bad, though—both in terms of the music, the foley work, and the dubbing of so
many of the side characters.

Anyway, it's completely not worth renting. As a history
major, I was hoping for an alternative approach to Augustus than HBO's Rome, which, I feel, failed
to capture his overall \"feel\" quite as well as they did Caesar or Antony. Instead, I should have
just stuck to my reading." ], [ "Well, how do you even rate a movie such as this one? Does it even have cinematic value really? It's
a movie that tries to get as close to being a snuff movie as possible. Basically the entire movie is
purely a bunch of guys torturing a young girl. Not very appealing and on top of that also not that
realistic really.

It's obvious that the movie tried to be as realistic and shocking as
possible. However the movie is just all too fake for that to work out as intended. The slapping and
stumping is all soft and fake looking, as well as sounding. They are often just kicking into the
floor, rather than into the girl, obviously. Also the way the girl responds to all the torments is
pretty tame. I mean if this was real, surely she would had screamed it out. There is more moaning
than screaming in this one though.

The movie is obviously low budget and it's a valor
attempt at trying to achieve something shocking and realistic as well as original and provoking,
with very limited resources. Don't really think this movie made much impact though at the time it
got released, though it must had done something well, since a total of six sequels got released
after this one.

Fans of shock and gore will most likely be disappointed by this movie,
though there are still some fetish people out there who will get a kick out of this movie.
/>4/10" ], [ "I rented this movie because I love Kristanna Loken and I've watched her on many TV shows and since
she's having her 15 minutes of fame nowadays with her new T3 movie I wanted to check out what other
movies she has been in.

She's just OK in terms of acting. Not good and not bad either.
She makes up for everything by being extremely gorgeous. YUMMMMM

Rodney Rowland was quite
a surprise as the hero. He provided the only solid good acting in the movie. He's a very good actor
and should probably be an action star.

Besides Kristanna being OK and Rodney being really
good everything else about this movie is garbage in its purest form.

A computer hacker
hacks into the system of a plane from the ground and using a joystick he tries to slam the plane
into a nuclear power plant ..... or something. And of course there are the heroes who stand in his
way and ruin his game.

This is one of the worst scripts I have ever seen and no wonder it
was a low budget flick.

What's shocking is that this movie was made in 2001 and it has
way too many similarities to the September 11th tragedies.

Why do they make movies like
this in the first place?

Panic * - one star (a waste of too good actors) (also a waste of
time) (also known as Air Panic)" ], [ "\"Son of the Mask\" is a terrible excuse of a movie. I went to see this with my friend and I still
wish we had seen \"Because of Winn-Dixie\" instead. I must say that it is partially my fault, as I
agreed to go see it with him. Being a fan of the first \"Mask\" movie (Jim Carrey was hilarious) I had
hoped it wasn't as bad as all of the critics said it was.

Ten minutes into the movie I
knew it was headed for disaster. Disgusting and pointless attempts at being funny got little seven
and eight year old children shrieking with laughter, but the rest of us were left staring at the
screen in disbelief.

Finding the movie as repulsive and unfunny as I did is surprising to
even me, as I loved \"Scary Movie\" and \"Anchorman\", two films which many people I know found crude
and offensive. But the thing is, \"Son of the Mask\" is not funny unless you're under the age of
ten.

The film features lots of CGI in it, but it cannot save this piece of rubbish.
Whoever allowed this movie to make it to the big screen was probably thinking it had potential,
considering the success of its original. Unfortunately, it has none of the laughs, fun, or
excitement of the first, creating a mockery of the original movie. I recommend renting the original
\"Mask\" to anyone who is thinking about seeing this one. 1 star out of 10 is generous to this awful
mess." ], [ "This movie was not very good in my opinion. While not a complete waste of an hour and a half
(luckily I didn't have to pay $ for it), it just wasn't very scary. There were parts where I jumped
and a few minimally violent/gory scenes, but overall only someone easily frightened would consider
this movie scary.

The overall writing and acting were very weak. The characters never
evolved or grew as people. Even at the end, the lead guy, whatever his name was, didn't man up and
had to be rescued from the fire at the last minute. The plot also had inconsistencies. The police
officer who was killed was NOT murdered in the same way he died in the game. The girl October
mentioned that in order to kill the evil demon lady you had to read something from the correct text.
Funny how they never bothered to do that and still managed to escape. The Malcolm-in-the-Middle kid
died in the game but didn't die \"in real life.\" Also, making the game play by itself was very weak
writing. It would have been okay for the brother's death, just to get them playing again. But you
are supposed to play a video game and stay alive and 3 people die before you play again...why do you
even need the game? If you like movies like the Ring and thing its scary and fun, watch this movie.
If you know someone like that you can watch it with at laugh at, do it. If you like \"horror\" movies
that make you laugh out loud and you have the opportunity to watch this movie for free, do it.
Otherwise, stay far far away." ], [ "I had already heard of Ali G in Madonna's music video \"Music\". I always think he's funny. (In fact,
he really is.) Just last year I always thought of buying a VCD of \"Ali G Indahouse\". That's why some
months later, I bought it cheap and I started watching it.

But the movie surprised me. My
older brother and I were expecting it to be a great laugh-out comedy. It turns out that \"Indahouse\"
is just a stupid piece of garbage. It was really really bad. It also contains explicit sexuality
content and very crude humor. It also didn't made me laugh, even just a big smile. We definitely
hate that movie. Oh by the way, I have plans to sell it.

Ali G was really different in
his movie compared to his TV shows-- in such a negative way. Maybe he wasn't really well-focused and
enough serious to make this flick. Just because there's some sex scenes in it doesn't mean it's
freaking hilarious (because sometimes, too much isn't that laughable anymore). For the first time
ever, I was disappointed at him. That really made me sad rather and happy.

I gave this
movie 1 over 10. Actually, I really want to give it a 0 rating. It's one of the worst movies I've
seen in my entire life. I wouldn't recommend to anyone who wanna watch good comedies that aren't too
explicit or horrible." ], [ "Yeah i saw the rough cuts. The unedited sex scenes. The dire cut scenes. Almost on a par with the
film 'The Need' for awful acting. This movie is as bad as bad films get.the bad script, bad acting,
bad effects, bad locations, bad stunts bad everything. The best 'actors' in the film were the lap
dancers they hired for the vampire extras!

Sean Harry, the 'foppish actor' as someone
else put it, makes a matchstick look talented here. His amazing ability to badly drive a car, when
it is obviously being shook by people on the bonnet (check out the reflection in the windscreen),
his inability to turn left, which is class. OH and don't forget the sex scene. plus his noteworthy
use of a toy gun which the props guys couldn't even be bothered to disguise as a real gun. The other
actors on screen could barely deliver their lines.It was as if half the time they were waiting for a
line that wasn't there!

The 'special effects' were soooo good to the point that the guys
who did it took their real names off the credits!

If you want a laugh at a party then
rent this movie...then again there are plenty of good comedies that are just as funny and don't give
money to people who don't deserve it." ], [ "This movie is easily the worst of the series. Though New Line might just be looking at sales, they
all know the only reason this one made more money than the one prior was due to its 3D ending. It
wasn't that the 3-D was good either, because it was 50's 3D with the red and blue lenses(anaglyph.)
It was just the fact that people wanted to see what it would look like. Beyond that this movie was
so poorly done! Bad script, bad characters, bad acting, worse directing. This movie is trying to
push the camp factor almost to the point of being like a \"Looney Tunes\" episode.
/>Seriously, not for horror audience, because it is corny and not scary, and not funny or amusing
for comedy crowds. Just a total mess with some really bad cameos that are still trying to play this
whole thing as camp and having it fall way short of what they probably wanted.

I remember
most of us who had been fans of this series were just praying that it would end at this point
because of how bad it had gotten. This is one of the movies that helped take horror out of
popularity and ride a fad of belief that audiences really wanted to laugh with some stupid comedy
than see a good and scary horror film." ], [ "...and it is this film. I imagine that if indeed there is a negative afterlife, damned souls are
tied to a rather uncomfortable couch and forced to watch this movie on a continuous loop for all
eternity.

Okay, maybe it's not that bad, but it is probably the worst film I have ever
seen next to \"Manos, the Hands of Fate\"... and I have seen a lot of bad movies, believe you me. />
This is just a crummy B movie, bad film-making at it's finest(or is it worst?) The thing I
really didn't like about this movie is the moronic duo they threw in for comedy relief. Now, a
little comedy relief is a good thing, but most of the movie is focused on the adventures of these
two morons, rather than on the \"heroes\" of this film, who are actually in it for less time than
them!

To be fair, Crown International really destroyed the movie by adding bad music and
doing a poor job editing. But honestly, this was probably a bad film to begin with, so Crown really
couldn't have done that much to hurt it.

This really needs to be in the bottom 100 list.
I wouldn't wish this one on my worst enemy.

Actually, it's my kind of campy B movie. It
was bad, but I still liked it, despite my one star rating." ], [ "Everything about this show is terrible. Its premise even sets itself up to get cheap laughs with bad
writing. A \"disfunctional family\"-theme has already been used too many times, most notably by the
Simpsons, which is an excellent show with great writing and many laughs. Meanwhile, Family Guy has
about five minutes of story in each episode, with tons of celebrity jokes and random flashbacks
thrown in. Now, if this was original or funny, sure, I'd think it was clever. But no, it's not funny
at all. In fact, the only reason the episodes are like this is because it is the easiest way to
effortlessly crank out episode after episode of this junk. Much of this show is unoriginal, and what
is original is just lame. It is also amazingly crude and irreverent, which again can be fine if it's
still intelligent. Animation isn't everything either, but from an artistic point of view, this show
fails also, proving yet again that Family Guy strives for as many cheap jokes and easy shortcuts as
possible. People enjoy this show, and I don't really care, because people can enjoy anything they
want, no matter how much it aims for the lowest common denominator. But no, I don't recommend this,
especially for anyone who wants to someday study film or become a writer. This is cheap
entertainment that aims low and has found success in this. The fact that this is so successful says
bad things about America." ], [ "I consider this film one of the worst in the Nightmare series. It was so boring that I couldn't
remember a thing 20 minutes after the film was over, it even tires me to write a review on it./>
Okay, #4 was a joke and Freddy was the joker. #5 tried to return to the roots of the series.
It was darker and more atmospheric than Nightmare 4, which is a good thing, basically. They tried to
shoot a horror film instead of a comedy. Unfortunately they forgot to add suspense and scares.
Because of that Nightmare 5: The Dream Child is neither funny nor is it scary. What we actually get
is a boring film with the usual bad actors (maybe with the exception of Lisa Wilcox).

The
plot (Freddy killing Lisa's friends by using the dreams of Lisa's unborn child) has a good base but
it just isn't enough for 90 minutes of film. Sometimes the story gets very confusing (maybe because
there isn't any) and you can't stop wondering what the filmmakers were aiming at. The screenplay
must have had more holes than Swiss Cheese and the film therefore was very cheesy itself (let me say
that I don't like cheese though, even if I am from Switzerland). Not even the special effects were
as good as for example in part 4.

Don't bother to rent/buy this film if not for
completeness, it's quite a mess.

My rating: 4/10 (get used to it, #6 is also a messy
one...)" ], [ "Ok, first of all, I am a huge zombie movie fan. I loved all of Romero's flicks and thoroughly
enjoyed the re-make of Dawn of the Dead. So when I had heard every single critic railing this movie
I was still optimistic. I mean, critics hated Resident Evil, and while it may not be a particularly
great film, I enjoyed it if not for the fact that it was just a fun zombie shoot-em up with a half
decent plot. This however, is pure crap. Terrible dialogue, half-assed plot, and video game scenes
inserted into the film. Who in their right mind thought that was a good idea. The only thing about
this movie (I use the term loosely) that I enjoyed was Jurgen Prochnow as Captain Kirk (Ugh). While
his name throws originality out the window, you can see in his performance that he knows he's in a
god awful film and he might as well make the best of it. Everyone else acts as if they're doing
Shakespeare. And very badly I might add. Basically the only reason anyone should see this
monstrosity is if you a.) Are a huge zombie buff and must see every zombie flick made or b.) Like to
play MST3K, the home game. See it with friends and be prepared for tons of unintentional laughs./>
" ], [ "First let me preface this post by saying that I am a fan of the original Star Wars MOVIES...I don't
read the books, play the games, wear the underwear or eat the cereal (if there is one). I am simply
a fan of the films.

With that being said, I struggle to see how people are giving this
movie such high praise. Taking this movie by itself, and not comparing it to it's terrible
predecessors (EP 1, 2), I don't understand how you can say this is an amazing movie. For all of the
terrible shortcomings in the script - cheesy dialogue, contrived scenes (ie R2 suddenly being a
badass, and long CGI intense chase scenes that have little human touch), HORRIBLE acting, and noted
plot holes...how is this good? There was no real internal dilemma within Anakin; it just seemed like
a switch was flipped and he was evil all of a sudden. I was not interested in the movie until the
last 20 minutes or so (which by the way was ruined by the \"NOOOOOO!\" Frankenstein scene). When you
BOMBARD the screen with intensely amazing CGI effects and fill in the gaps with absolutely atrocious
one-liners when more could have and should have been said, this is NOT A GREAT MOVIE. For a film
with such a \"dark\" tone, there was too much levity in the speech of ALL characters.

I
close with a question: From the beginning to the end of the film, was there really a sense of
urgency and importance for what was actually about to take place?" ], [ "This is not a good film by an standards. It is very poorly written and the acting is just a little
above par (some performances are well below par, but Swayze and Grey do a very good job with little
to work with).

What was good:

The dance sequences were choreographed very well
and, as stated above, Swayze and Grey were high points.

What was bad:

The
script. The \"bad\" guys were simply too evil to be believable. The best villains are the ones who
aren't so obviously evil. These guys (the owner's nephew, the waiter who impregnates the girl) do
and say NOTHING that would leave me to believe they could be real people (perhaps there are guys
like them, but I sure don't want to see a movie about it).

Another scene, the first where
Grey and Swayze meet when the employees at the resort are \"dancing\". Swayze and Grey dance together
and seem to enjoy themselves. The next time they meet, Swayze is hostile towards her. Why? What
happened in between to make him dislike her so when they danced well together?

And some
of those lines, I mean COME ON (I cringed at the end when Swayze muttered the line \"Nobody puts baby
in the corner\". How did he EVER do that with a straight face.)

Another thing wrong, the
setting of the 1960's. Everyone looked and dressed like the 1980's! Who was in charge of the
costumes and hairstyles?

The music (original music for the film) was laughable (with the
exception of \"I Had the Time of My Life\" which was a good song).

Not the worst film I've
ever seen, but DEFINITELY the most over-rated" ], [ "The movie Heart of Darkness is an insult to the book by Joseph Conrad! To be quite honest the movie
made me want to fall asleep. On the other hand, the book was definitely extraordinary. I feel that
the movie left out several key elements and missed some of the main points from the book. In
addition, the actors were boring and lacked originality and enthusiasm.

The book, while
not an adventure story or easy to understand, is full of hidden meaning and interesting twists in
the plot. The book, though very confusing and complex, is astonishing. When you do finally
understand it, you feel as if you have actually learned something. The novella, or short story, had
several key ideas like futility and craziness, which the movie left out. In addition, several key
scenes were changed, which in return affected the entire plot. Many of the scenes seemed to be very
\"choppy\", in the sense that they did not fit together. In summary, the movie seemed to be a bad
interpretation of the book.

I would only recommend watching this movie if you cannot
picture or understand the book, but otherwise I would skip this one. It was dreadful, and in
complete disarray. If you have never read the book then, definitely do not watch the movie because
you need the basic information from the book to understand the movie. The movie was a horrible spin-
off of an outstanding and detailed book." ], [ "There is an excellent reason Edison went straight to video: it would have landed in theaters with a
crumbling thud. The movie lasted entirely too long and was perilously boring. Just a notch above
lowbrow (thanks to Freeman and Spacey, who obviously had a spare two weeks before their next films),
the bad guys are as laughable and action as near non-existent as Justin Timberlake's acting. I hate
to knock the guy, but the sooner he realizes that pop is his forte, the better.

The movie
isn't all bad...just mostly. I like the fact that LL Cool J was given what appears to be a shot at
being leading man. He deserves it. And, unlike his fellow musician and co-star, he can act. Kevin
Spacey is almost always enjoyable as well (you can see him gulp several times as he chews the
scenery), and Freeman has the ability to elevate this flick to three stars (out of ten...he's not
THAT good).

When all is said and done, the ultimate error with this movie is that it is a
mundane and tiresome piece of pseudo-action poppycock that fails to keep anyone awake. It also fails
to make anyone give a good crap about any of the characters. All in all, t's just plain boring. That
being said, rent this when you are suffering from insomnia." ], [ "First of all. Should Cameron Diaz ever be allowed to act again? To call that a bad performance would
be an insult to bad performances. That was a historically horrific performance. Any small chance
that Diaz had at being a serious actress is now completely done after that. Laughably horrible./>
Two, the movie was extremely boring, and not very thought provoking at all. I can sit around
and ponder human nature without having to watch terrible actors, play out a terrible story.
/>Third, there was not a single likable character, and even worse, it seemed like that was done by
design. You were not supposed to like, or feel sympathy for any character. It was quite effective. I
wanted them all to just die to be honest. Aliens included. Kid included. Everyone was just one big
mope in this movie. Everyone literally just moped around, and they called it a movie. You could
barely distinguish the zombie \"employees,\" with regular people, because they all seemed like
zombies.

Lastly, nothing really makes sense. From the characters reactions and emotions,
to the literal story line, it all just seems random. This is just a really bad movie, disguised and
couched as a \"thinking mans movie,\" which is meant to be confusing. Give me a break. A bad movie is
a bad movie. And this movie was bad." ], [ "i was one \"chosen\" to see this movie in a sneak preview.

first you should know that this
film is based on the video game \"far cry\", a for its time really good game (2004). second you should
know that the regisseur of this flick is the great uwe boll. this is a man, who takes video games
(dungeon siege, bloodrayne, postal, etc.) and makes movies out of them (VERY horrible ones....)./>
i still remember when i saw boll's \"the king's swords: a dungeon siege tail\". there were so
horrible mistakes in this film (like 3 scenes playing at the same time, 2 at day-time, and one
somehow at night.....)

so lets come to \"far cry\". if you expect cool action, forget it.
really cheap tricks and a plastic helicopter are far away from real action. if you expect a cool
story, forget it. orientating by the not-so-bad story of the game, this movie is a laugh. the
actors' playing makes the movie in a lot of moments funny, but in a no-good way.

i had
the chance to see this movie for free. so do not do the mistake and pay for this trash. its one of
my favorised flicks for the bottom 100.!!!!" ], [ "I had great expectations surrounding this movie (not as it was an apocalypse now or an 8 1/2, but
high enough), and when i saw it on cable, they were all shattered. Starting by the acting
(poor,almost mediocre, an astonishing waste of good actors and talent) and the story itself: Since
when does a 5 men squad go out on patrol on a supposed «hot» zone???To suicide??That´s one big
mistake, that costs the film dearly. Very good actors do very poor acting here, like Sean Penn, that
recently repeated the irritating way of talking on «I am Sam», and Michael J. Fox, that wastes a
good opportunity to beat Charlie Sheen on «Platoon», performing just «average». But the most
irritating character was Diaz (played by John Leguizamo, another stupid waste of fine talent by the
director), that was a cheesy,scared and insecure kind of person, even more irritating that Jar Jar
Binks (yes,you heard it). The battle sequences are average, the only one that really stands out is
the opening sequence, with Michael J. Fox trapped by his feet on a VC tunnel.Mr. de Palma has a weak
work here, and if it wasn´t for films like «Scarface» and «The Untouchables» (these ones excellent
films), i would consider him a «bluff» director: too much publicity, bad filming.

3/10" ], [ "Is it a poorly acted, cliche-ridden pile of trash? Of course. Anyone who doesn't realize that when
they pick up the box in the video store probably doesn't have any right judging movies in the first
place. Thus, I will now rate the aspects of the film that we actually care about on a scale of 1 to
10:

Violence and gore: 4 -- For this genre, there are very few deaths, and the gore is
almost non-existent. Anyone looking for a little blood should probably look elsewhere. The only
redeeming quality is the fact that kids are doing these awful things, which raises the bar a
little.

Suspense: 1 -- Okay, I feel bad for anyone who gets scared by this trio of dorky
looking kids.

Nudity/sex: 7 -- Lots of boobage from three different women, one of whom is
the MTV vj Julie Brown. There are two sex scenes, but little is shown in them.
/>Unintentional humor -- 4 -- There are a few good laughs with the kids trying to act scary, but all
in all, it's just bad, not funny bad.

Overall -- 4 -- It's not unwatchable. There are a
few fun moments, and enough nudity to keep your attention for the entire movie. However, only watch
this movie if you're a big fan of the 80's slasher flicks. This definitely falls on the lower end of
the scale, but it's not all the way at the bottom. The real downside is the disappointing ending. It
almost ruined the movie for me." ], [ "Ah the sci-fi channel. How often do you disappoint me? Quite often I think, do you ever show good
movies? OK you have given me the great 'Heroes' and the reasonably good 'The Lost Room' but they are
series, and as for the movie well there really is nothing positive to say. Bad acting, bad
directing, terrible characters and a shallow story, and that is just for starters. I checked out the
director Allan A Goldstien and was not surprised to find nothing of interest in his resume (in fact
I am half thinking that this is a pseudo name). The premises of four motor bikers out motto-crossing
in a national park when one of them has an accident that needs a park ranger to come rescue them
only for them to get caught in a forrest fire is weak and predictable that you know every beat
before it happens. Leading man Bryan Genesse the park ranger is so bad it is terrible. Cast as the
action hero martial arts boy in the footsteps of so many others this guy makes Seagal and Van Damme
look like De Nero. The supporting cast are little better and well before the end one was left hoping
the fire would engulf them all then the film crew. Avoid at all costs" ], [ "i had gone to the movies expecting to see a great film based on all the word of mouth and terrific
reviews. the minute the opening sequence started i knew i was in trouble. the music and credits were
trying so hard to evoke emotion i wanted to puke. all i got from this film was clichéd characters,
contrived dialog and an unemotional script. director/writer Paul haggis' has managed to get great
reviews with his manipulative, self righteous writing, but it doesn't fool me. some performance were
good. don Cheadle is always good. i think Terrance Howard is slightly over rated but he was decent.
ludicrous was way too on the nose. he should stick to rapping. Brendan Fraser was fine. Jennifer
Esposito left no impression what so ever. i find nothing interesting about her. Sandra bullock is
always the same in every movie, she's just okay. Matt Dillon was very good and i enjoyed watching
him work. Ryan Philippe was good as well. but as far as the script and the lousy directing- this is
actually one of those movies that is so annoyingly bad i actually took the time to write about it. i
would not recommend this film to anyone, what a waste of time." ], [ "In one sense, I kind of liked this movie because of a 'mindless', positive atmosphere it sort of
conveys. I had a problem with an aspect of the plot, but more about that later. First, the
characters were a little goofy and one dimensional. The 'good people' had similar physical and
character traits and the 'bad people' had similar physical and character traits ... hmmm. The basic
storyline was OK (pretty simple and standard) - nothing too exciting or objectionable. The main
attraction was, of course, the miniature dinosaurs - kind of a nice fantasy element to have.
However, they had a very minimal presence in the movie.

Outside of that, the movie kept a
brisk pace and didn't get too bogged down in any one place. I liked this about the movie.
/>The problem I had with the plot had to do with the the idea of \"stealing\". I think this movie may
not have been thought out enough - something's wrong especially if this is a kid's movie. I'll keep
the next sentence abstract to not be a spoiler (skip it if you're worried). The 'good guys' do some
stealing and they don't have the same info the audience has - so it's just stealing and that's kind
of a bad thing for a kid's movie.

Overall, if you have kids, because of a questionable
plot aspect I'd consider passing. However, this whole movie is pretty low key anyway so it may not
matter. Pass this one if you have any other interesting choices." ], [ "As you can tell from the other comments, this movie is just about the WORST film ever made. Let me
see how many different words I can use to describe it: Boring, Unbearable, Laughable, Lousy, Stupid,
Horrible.....

I could go on with such descriptions but you probably get the point./>
I would have given this a 0, if possible--bad acting, bad directing, bad production, bad
plot.

This was made in 2001 and it looks more like 1965. Very low budget, boring plot,
horrible acting, really bad special effects, etc...

I rarely ever see a Sci-Fi film I
absolutely think is this bad. I mean this is pure garbage. It has nothing going for it either. As
far as a \"B-movie\" this is the very bottom of the lot.

I think I would be more
entertained by staring at a blank piece of paper for 90 minutes. Junk like this gives good low-
budget \"B\" movies a bad name. This makes Ed Wood movies look good.

The thing about
watching direct-to-video movies is, just when you think you've seen the worst, you see something
even worse!

DJ Perry is a horrible actor and has no individual characteristics that make
him stand out.

Avoid this waste at all costs! Oh the humanity!" ], [ "Most movies I can sit through easily, even if I do not particularly like the movie. I am the type of
person who recognizes great films even if I do not like the genre. This is the first movie I could
not stand to watch. Cat in the Hat is the worst movie I have ever seen--and I've seen a lot of
movies. The acting is okay (Myers is good as the cat, it's just that he is REALLY annoying). The
silly songs the cat sings were boring and monotonous, even for the children in the audience. The
plot drags on and on, and viewers must suffer through poor dialogue. The \"witty\" parental remarks
are disgusting, not funny (I remember some awful comment about a garden hoe being compared to, well,
a type of person people call a \"ho\"). Even though the movie is really short, it seemed to last
FOREVER. Do not waste your time. I know small kids who hated this movie. If children can't stand it,
I do not know how any adults can. I would like to fume more about this film but I do not even feel
like wasting anymore time writing this review about it. I HATED IT! So, in summary, do not spend 90
minutes of your life watching this! See a GOOD movie!

1/10 stars--the lowest review I
have ever given a movie." ], [ "I'm afraid that I didn't like this movie very much. Apart from a few saving graces, it's nothing to
write home about.

J-horror has boomed for the last five-six years but the films
themselves have on more than one account been repetitive and carbon copies of a previous success.
This is one of them.

Basically this is a supernatural slasher movie. The beginning is
promising with chilling scenes from a morgue where a dead girl has her eyes graphically sewn
together, but soon after opens them. However, after that, it's quickly downhill for this flick./>
To be kind I will start with the things I like about \"Gawi\". On the plus side, the visuals
are gaudy and the movie looks great for it's type. For those who like their horror movies gory there
are a few nicely executed (no pun intended) murder scenes. We also get a few good suspense
sequences/set-pieces.

However, there are quite a few drawbacks also...

First
of all, and my major complaint about this movie, is that the plot skips and jumps forwards and
backwards in time with an alarming intensity. Usually that's not a problem for me, but here, where
the students look exactly the same no matter what age they are, I was confused on more than one
occasion.

The performances are okay I guess (a little hard to tell when you don't know
the language), but seem a little stiff. And for a horror movie, I don't think it was scary enough.
For a while I was quite bored actually.

Being a fan of giallo movies, I was expecting
quite a lot from \"Nightmare\", but unfortunately I was quite disappointed." ], [ "Yes, this is one of THOSE movies, so terrible, so insipid, so trite, that you will not be able to
stop laughing. I have watched comedies, good comedies, and laughed less than my wife and I laughed
at this movie. The other comments give the idea well enough. The characters are so unpleasant you
cheer the rats on, the effects are so poorly done you wonder whose elementary school art class was
in charge, the acting-- oh the acting-- talk about tired dialogue and embarrassing pauses.
/>But the rat, yes, the big rat. Why we didn't get to see the rat until the end rather surprised me.
Often the 'big one' isn't shown until the end because the budget is limited and good effects chew up
so much money. I surmise, however, that in this case the big rat was hidden until the end because
the filmmakers were ashamed that the best they had was a guy running around dressed up like a
woodchuck with third-world dentistry.

The most sublime part of the whole movie is the
elevator scene. After figuring out that the rats couldn't stand loud noise (migraines from the bad
acting?), the main dude rigs up a fire alarm to send the rats into a frenzy. If you've ever wanting
to see a pair of rats waltz while blood squirts out of their heads like a geyser, this film is for
you. Really, you need to rent it and see for yourself.

But not for more than 99¢, OK?" ], [ "I feel really bad for reviewing this movie because I wish that I had only watched it as a concept
production. The Covenant looked like it could have been a really original piece, but sadly they lose
the great idea in the translation to the screen.

The story follows four (five) teens that
are the descendants of the families that started the town of Ipswitch a survivors of the Salem witch
trials. They also happen to be a part of the secret sect called \"The Covenant\". Their power must be
used sparingly as it drains their life-force in small amounts and is highly addictive. In theory
this would make a pretty good action sci-fi movie…or at least an interesting teeny flick.
/>But there were just too many glaring downfalls that don't allow this movie to reach its plot's
full potential. That acting wasn't good, the sound track was mediocre and we found a lot of
unnecessary sync issues. For sure the biggest issue is the poor editing job. The movie has little to
no coherent flow and makes one fight to keep a mental timeline or any feel of pacing.

The
movie has it's moments, but overall was a little disappointing.

A witchy 4/10" ], [ "Plot = Melissa is a new girl in town, she's fifteen years old and her birthday is coming up in one
week. Since Melissa is beautiful, every boy in town wants to hook up with her, but the few that
manage to catch her interest mysteriously die.

To be honest the real reason I wanted to
watch this film is because Dana Kimmel of Friday The 13th pt 3 was in it which isn't a proper reason
why to rush out and see a movie. When I started watching it I realized that \"Sweet Sixteen\" isn't a
very good slasher, it's really dull and boring and just doesn't go anywhere. After over an hour,
only three murders have occurred and the story hasn't really developed in any possible way.
/>The movie is nicely shot with quite nice photography and good directing but just as with many
other slasher flicks from the 80s, the movie suffers from being too dark at times. The acting is
actually pretty good though and Melissa's character is easy to sympathize with, even though she's a
complete slut.

The story line isn't completely rubbish but it's just way too dull to keep
you interested, the only things that kept me interested was Melissa she was stunning and Dana Kimmel
whose really sweet and cute in this movie.

All in all pretty dull slasher flick that
doesn't go anywhere I'd definitely wouldn't recommend it to Slasher fans." ], [ "Okay, I rented this movie because of the director...he has made some interesting flicks in the past
(if you haven't seen Waxork you are missing a fun ride). Anyway, I had my doubts about this movie
from the beginning but I decided to suck it up and give it a look. It's bad. Very bad. If you
haven't seen the movie and don't mind spoilers read ahead. First of all, the old saying 'You can't
judge a book by it's cover' applies here. The box for this flick seems to indicate that Jill is the
stone fox with long hair with highlights. The back of the box has a cool shot of the red-leather
Jill and some other shots. The description makes you want to rent the movie because it SOUNDS good.
You start watching it and suddenly you find out that the movie takes place (inexplicably) in 1977.
Jill is a total dog who is not the girl on the cover. The movie is not quite as predictable as you
would think...and that's not a good thing. Characters do so many stupid things without any modicum
of motivation...it's embarrassing to watch. 10 minutes before the end of the movie Dolph and another
lady have sex for no good reason. Also, what was the point of having Dolph kill this other lady in
cold blood who had been helping him. Anthony Hickox the director should have seen a stinker when he
read the script. Had it been set in the underworld of the new milennium and made the characters
halfway intelligent it might have been decent. To set it in the 70's makes no sense and has no
bearing on the story whatsoever. Avoid it!" ], [ "I cannot believe I actually sat through the whole of this movie! It was absolutely awful, and
totally cringe-worthy, and yet I sat through it thinking it had to get better. It didn't, and I have
wasted 2 hours of my life. Will Smith is much better in action movies - I loved him in I, Robot,
Enemy of the State and Independence Day - and I don't think he can really be expected to carry off
an entire movie as the romantic lead in the way that Cary Grant could. Then again, the script was
unbearably awful, and the dialogue was so cheesy.

I disliked everyone except for
Albert's character, and even that I found was done with a heavy hand. If you want to watch a modern
feel-good romantic comedy, watch something like How To Lose A Guy In Ten Days, or When Harry Met
Sally. The 40 Year Old Virgin left me with a smile on my face. I even preferred Music and Lyrics
above this - and yes, I know it's cheesy, but at least it didn't take itself seriously, and was
sweet. I also disliked the main female lead - and wasn't convinced of the chemistry between her and
Will Smith's character.

In all, I think there were two scenes that I liked (and
definitely not the ending, which was nauseating and unconvincing!) - Hitch calling Sarah when she
hadn't given him her number was quite sweet, and - no, sorry, that's the only thing I liked about
the entire film. Don't waste your time." ], [ "If there is one film which is the worst of this year- it's TASHAN The first promo gave an indication
that the film will be a boring Dhoom 2 style film, and well i knew first only it would be a bad film
whatever it maybe Because of it being a Yashraj film Or maybe seeing the cheesy promo But this film
gave me a shock, it was even worst then Dhoom 2 and what i expected First Saif's introduction which
is boring Then Saif- Kareena meet, Kareena is so artificial and then Anil Kapoor oh god, what he is
doing in such a weird film? What kinda role it is? What acting is he doing? His first scene is
alright but then his act gets repetitive and he overacts Then came Akshay who provided some nice
scenes, but then the film became more boring and with all the outdated stuff Childhood romance,
overdose of childish Rajnikant style action scenes and all boring scenes The ending is another
joke

Vijay Krishna Acharya would have got 3 films more to direct, if this film had
worked, thats the strategy of yashraj, only money nothing else So Vijay is another addition to their
list of crap filmmakers Music( Vishal Shekhar) is ordinary

Performances Akshay Kumar
comes in the film as a whiff of fresh air, he actually provides some engaging moments Saif Ali Khan
is irritating, Kareena is equally bad Anil Kapoor hams outrageously and spoils the show even more
Rest are okay" ], [ "This movie features several well known actors which I usually like, so I had at least modest
expectations when I rented this on DVD. I was highly disappointed. In fact I walked off for some
snacks somewhere during the last half hour and somehow I ended up in the kitchen rather then going
back to the TV. The actor performances where poor pretty much all across the board and none of the
atmospheres in the movie felt very convincing. Virtually all scenes had that \"just a movie\" feeling
to them, I just sat there waiting to hear the director calling \"CUT!\" followed by the crew having a
little chat about the scene before moving on to the next.

Since the movie is about
gangsters most characters are tough and mob-like, the problem here is just that this whole bad-boy
attitude is played out so poorly that it just feels like a joke. The constant guitar-drilling
soundtrack really tries to emphasize this atmosphere too, but when the same track is played the 18th
time it just adds to the already strong feeling of the whole thing just being fake.

Maybe
it was just a really really bad script, maybe it was just poorly executed. I'm no movie critic, in
fact I consider it rare to see something that's REALLY good, but this was just plain bad no matter
how objective and forgiving I'm trying to be. NOT recommended, not even as a rental!" ], [ "I will never forget the wit and great comedy of the ORIGINAL Vacation movie! The lines, pacing, and
timing of events in that film are outstanding! However, this European Vacation sequel is a major let
down.

In this sequel, the Griswalds win a European Vacation on a game show. The problem
is that many of the jokes in the film are little more than mild, \"ha-ha\" laughs. For example, a
Flight Attendant on an airplane asks Clark, \"Do you want your Coke in the Can?\" Clark answers back,
\"No, I'll have it right here.\" That's really about the only line that is funny in this film./>
European Vacation's humor is strained. As if the writers borrowed all the jokes from the
first movie, tried to re-hash a script that had been done before, and relied on a ridiculous slap-
stick chase scene sequence toward the end of the picture just to kill time.

Worse, the
natural comic standouts like Randy Quaid as Cousin Eddie and the original kids who played Rusty and
Audrey from the first movie so well are nowhere to be found. Their replacements are not funny, can't
act, and just look like they are going through the motions most of the time. There are also a few
crude sex jokes and comments that are not only not funny, they are in bad taste.

The
Griswald's should have stayed in Wally World. The place that made them legends! Don't join them on
this European dreadful adventure. Viewers should re-watch the original Vacation movie in place of
this! You'll be glad you did." ], [ "I am a big fan of Fred MacMurray and Carole Lombard. And, in addition to them, Charles Butterworth
(a very enjoyable supporting actor) was in this film,...so why didn't I particularly enjoy it?!
Well, despite a good cast, this is one of the poorest written and most clichéd \"A pictures\" I have
ever seen. Given the talent and money spent to make this film, it is shocking how slip-shod the
writing was. I knew the film would be tedious when time after time early in the film I found myself
predicting EXACTLY what would happen next--and I was always right! And this isn't because I am some
sort of \"movie savant\", but was because almost no imagination or effort went into it. In fact, it
seemed almost as if the film was just a long string of clichés all strung together! Also, I found it
a bit irritating that Fred mistreated Carole so bad throughout the film and yet, true to convention,
she came running to him in the end. Uggh! There is MORE suspense in a Lassie film (\"will he bring
people to rescue Timmy or will the rope he is dangling from break?\").

Despite the very,
very tired and clichéd script, there were a few positives about the film. It was pretty cool seeing
Fred look like a broken lush at the end of the film--it was pretty believable and he looked like he
hadn't eaten, shaved or slept in days. Also, Charles Butterworth's \"prattle\" did provide a few
mildly humorous moments. But all this just wasn't enough to make this film look any different than a
\"B movie\". It's a shame,...it could have been so much better." ], [ "Ok, I like B movies...I know what B movies are supposed to represent. But this is just awful. I am
amazed it got such a decent overall score. The only redeeming qualities of this flick are the
(mostly) marginal splatter effects. Don't get me wrong, gore abounds in this flick - but few effects
really jumped out at me (like the anal \"probe\"...that was great!).

I believe this movie
was filmed on a camcorder. C'mon - rent a Betacam at least, I've seen porn with better production
values (and better acting as well).

Acting - sucked! But not in the Troma or Full Moon
sort of way.

Story - contrived! But thats what you get from films like these. Very
loose!

Sets & Props - sucked! My 16 year old brother makes more elaborate sets for our
house on Halloween.

Dubbing and dialogue - sucked! Horrible voice acting (I shouldn't
even call it acting) and every other word is \"S**t\" or \"F**k\".

There are tons of good
classic and B rated horror / splatter flicks out there and they are not that hard to track down. Do
yourself a favor by not wasting time on this crap!" ], [ "this movie was really bad. it has that quality that a lot of indie movies have: moments of humor
filled with long spaces that are completely boring. Any die-hard BAM magera fan will prolly like
this movie, but then again thats probably the only person who would see it. someone gave me this
movie to watch knowing i am a fan of Jackass and was a fan of viva la bam, before the scripted
nature of that show wore thin. To explain why this movie doesn't work i should just say the premise
itself is played out

a guy who is with a girl who is horrible to him. And pretty much the
whole movie you've got this Ryan Dunn guy whining and Bam magera skipping around like a merry
mischief maker. Dicamillo's performance is strange at best. It's a humorous little nonspecific
Canadian french accent that pretty much is the extent of his performance (basically funny for 5
minutes and then its like 'ok you're pretending to be foreign enough already\")

Maybe it
would work if they were going for parody but all they succeed in doing is making a movie with an IQ
of zero. I love toilet humor as much as the next guy, but this isn't even lowbrow its just stupid.
Its like the only humor to be gotten from this movie is completely inside and the audience, even
those savvy to Magera and company, are left out of the joke.

Next time magera is handed a
sack full of money let's hope he doesn't blow it on some lousy pet project" ], [ "Return to Sender, a.k.a. Convicted, is almost imperfect. The one good thing about this particular
film was that I was never bored. That being said, the reviews that hail this movie as a low-budget
success may not have watched the same movie that I saw.

Rather than write a review and
tell you what happens and what works and doesn't work, I will simply comment that nothing works.
There are plot holes in this movie that you can drive a semi through. The acting in the film is not
very good, although that may be a result of a script so poorly worded that it could have been ghost
written by George Lucas. There was no need for exceptional sets or costumes for this particular
movie and everything seemed appropriate. Did I mention that there were some plot holes? By the end
of the movie, you are wondering how a blind guy can be such a good shot with a shotgun, why Kelly
Preston trusts Aidan Quinn, why she would fall asleep the night before her client is supposed to be
killed, how Aidan Quinn can drive 400 miles in such a short time with a car that keeps breaking down
during the rest of the movie, why Aidan Quinn didn't by a fifth instead of a bunch of nips, etc./>
With all that being said, this is certainly a B-movie, and a terrible one at that. The
unfortunate thing is that it just isn't bad enough to be good. If you value your time, please let
this serve as a public service message to stay away from this one." ], [ "A woman as rich as she is insecure has a history of alcoholism and nervous breakdowns, helped no
doubt by a smooth-talking gigolo husband who openly cheats on her. Naturally nobody believes her
when she claims to have been accosted by a giant man who stepped out of a giant satellite. Much to
the delight of her husband, this could be the incident which finally puts her away for good. />
From the very opening scenes, with it's ludicrous news broadcast and ridiculous satellite
encounter, you'll probably be convinced that the only redeeming value of this movie is that it is so
bad that it is funny. Although not too far off the mark, this is most definitely not true.
/>Unlike most movies of this genre, this is not really a sci-fi or a horror film, but actually a
serious drama which intelligently incorporates a sci-fi scenario into the plot. It's not a good or
even mediocre drama, but it will exceed your expectations if you weren't expecting any legitimate
drama at all. The acting is surprisingly good for such a low budget effort and, most importantly, it
is well edited and excellently paced. It is never boring and manages to generate more than a little
interest in seeing what will come next. Nevertheless, this is still a movie strictly for those who
can't pass up the chance to see a 1950s film with a title like \"Attack of the 50 Foot Woman\"!" ], [ "I expected a lot more out of this film. The preview looked interesting so I decided to check it out.
Bottom line is that \"The Adventures of Sebastian Cole\" only had one decent thing: Adrian Grenier./>
I really like Grenier and found his performance to be very pleasing. The character is
designed well, but everything else sort of just drifts along through the duration of the movie.
Clark Gregg is really good, but I don't think that his character was explained too well. I mean
there's not too much to explain; he wants to become a woman. Still, something was missing.
/>The obvious low budget of the film was nice to see. I enjoyed that the movie was filmed on just a
script (a bad one at that) and just a few actors. It was a nice change.

While the main
idea of the film was actually okay, it became disappointing to see a lot of scenes that had nothing
to do with it just thrown in here and there. Like I said, the script looked promising and I must say
that I was interested where director Tod Williams was headed, but it was basically a very slow movie
with not too good of dialogue.

\"Sebastian\" started to look good towards the end, but
again, it fell right back down into a hole. The acting was mostly good, the writing is in need of
some work, yet the budget of the film helped it out in the long run.

I would recommend
this to someone if they wanted to watch a quiet movie with a strong lead character, but other than
that I would stay away. Personally, I wouldn't watch it twice." ], [ "When this movie was released, it spawned one of the all-time great capsule movie reviews: Sphinx
Stinks. It does, but in a mesmerizing sort of way. The casting is silly, starting at the top: Frank
Langella and Sir John Gielgud as Egyptians? Not enough makeup in Cairo for that, at least not while
this film was being made. But it's rather amusing to see them try. The performances run the gamut
from mummy-like (sorry, the obvious observation) to over-the-top, with very few stops in between.
The Lesley-Anne Down character seems as though she couldn't find Egypt on a map, much less expound
upon its archaeological treasures. That's due at least in part to some really bad writing, one of
the curses that will be visited upon every viewer of this movie. It's my opinion that movies
involving a curse or that draw their basis from a subject that is somewhat esoteric, such as
Egyptology, are ripe for silly, overwritten dialogue. It doesn't disappoint, and the convergence
proves a double-whammy. The plot has one driving source of dramatic tension: Can this get dumber and
less believable? The answer is, usually, YES. The location shots are beautiful, and the set design
is generally very good, the only consistent reminders that this wasn't some low-budget production.
That and the fact that there are so many well-known faces doing service in such an unintentional
laugher. Cheap, no; cheesy, yes." ], [ "Stupid horror film about five 20 somethings (3 guys, 2 girls) going to this place in the middle of
nowhere. What they don't know is Dr. Chopper and his female assistants attack and kill anybody who
ventures in their woods. They use their body parts for some experiments...or something. Also five
college girls and two lesbians are thrown in to be killed off and show some cleavage.
/>Pretty desperate. The story is confusing and boring; the gore is laughably fake; Dr. Chopper and
his assistants overact TERRIBLY; there's some dreadful black \"humor\" in here and people just stand
around while their friends are being attacked or just stand there and let the people kill them./>
This was pretty insulting. There are a few pluses. A twist an hour in was pretty good and
the five young actors are actually good! Chase Hoyt is great as Reese; Butch Hansen is OK as Jimmy;
Ashley McCarthy is also good as Tamara and Robert Adamson has his moments as Nicholas. Best of all
is Chesley Crisp as Jessica--she was excellent! Some of the dramatic scenes between these five were
well-acted and interesting. Unfortunately the dialogue wasn't really there for them. I'm giving it a
4 for their performances--but nothing else here is worth mentioning. Hopefully these actors will get
roles worthy of them." ], [ "Me and a group of friends rent horrible videos to laugh at them, trust me it has lead to some
horribly spent money but also some great laughs. S.I.C.K. is one of the better horror-but-funny
movie we've rented. The plot is over-done, the whole take your friends into the woods and never
return thing is very old. The goriest part of the movie looks like your visiting the local butcher
shop except a little dirtier and with blood on the play dough looking meat. And if anyone has ever
been scared of this movie at any time they should stick to Cartoon Network for the rest of their
life, it's pathetic. The good aspects of the movie are that the two girls in it are reasonably hot,
one better then the other and you see them both naked during the movie. The other good aspect is
that this movie is so bad at times that you will laugh till you cry. I don't like watching horrible
acting or renting these horrible videos, I don't find that fun but seeing the amount of effort these
people put into it and still come out so bad is hilarious and worth renting.Unless you are too
mature to laugh at someone's downfalls I would recommend it.

If your renting/buying it to
laugh at it I'd give it an 8.5." ], [ "Today I had a real craving for a sci-fi movie and so I decided to check out Battlespace. Sadly, that
was one of my biggest mistakes this year.

I see that the director, Neil Johnson, has
directed over 500 music videos, and I suggest he goes back to that. Music videos are a perfectly
good form of entertainment, and not everybody can cut it making movies.

The worst part of
this movie is probably the voice over. And that says a lot since the special effects are appalling
at times. Voice over didn't work in Blade Runner, and it doesn't work here. The first hour or so is
spent watching the main character walk through the desert, while her daughter tells the story. I
think the story could have made a great movie, but not like this.

The second worst part
are the effects. They are simply bad and they don't blend into the rest of the picture at all, so
you simply don't believe in them. And absolutely all the frames in the movie has been filtered, and
not in a good way. Filtering used as an effect is good. 90 minutes of it, bad.

And what
is it with all the gadgets talking all the time, and not shutting up!?!? If I had used technology
like that I would have gone mad. I was just waiting for the guns to blurt out with: \"I am awfully
sorry, but I seem to have run out of ammunition.\" No, stay away. This movie is just not worth the
time." ], [ "I'm not a movie snob. I've liked lots of movies that critics hate, and I've hated movies that
critics love. However, I have to agree with critics here--\"Galaxina\" is just substandard. Clearly
intended to be a comedy, it only has a few scattered laughs. \"Galaxina\" has poor photography; it has
poor special effects; it has some pretty poor acting; and the production values...well, the sets
might as well have been made of cardboard.

\"Galaxina\" tells the story of a spaceship
whose crew is looking for a magical object called \"The Blue Star\". After a long voyage (and some
very unconvincing space battles), the crew arrives at its destination, a sort of wild west alien
world. There's a painfully unfunny cantina scene (clearly designed to be a spoof of the famous \"Star
Wars\" scene), a chase involving space bikers, and a final getaway.

The cast tries, but
can't breathe life into this turkey. Stephen Macht and Avery Schreiber have done better work in
other movies. James David Hinton is pretty good as a member of the spaceship's crew. The late
Dorothy Stratten stars as the robot of title, and while she looks great, her role doesn't give her
much of a chance to act.

You might catch this film to see Dorothy Stratten. However, if
you're looking for a good movie, you'll probably want to skip this one." ], [ "I attempted watching this movie twice and even then fast forwarding the irritating parts but still
could not make it to the end.

I don't understand how this movie *genuinely* got any good
reviews. I think these people giving such good reviews are just trying to hype the movie for
marketing purposes. Their reviews seem very unrealistic and it looks like an inside job, which makes
things more pitiful. Movies should get true positive comments on their own steam and not contrived
ones!!

The acting was reminiscent of a cheesy porno movie, and not in a funny way. I
don't mind low budget movies with bad acting if they know how to work with it.

I found
the lead character to be irritating. His facial expressions and humor was unbearably childish. I
thought this was intentional to make the womens conspiracy seem more enjoyable and founded, but they
were even worse.

The script was also very awkward (his bosses overdone business speech)
and the unfunny sarcastic remarks.

I did not find anything redeeming about this movie
other than some of the attractive women.

Never have I felt that a rating was this
misleading. I was interested by its premise but scared off by everything else. Of course see it if
you want, but I just didn't want anyone else to get their hopes up/waste their time.
/>Maybe it is just me... Probably not." ], [ "For this review,a list of good points and bad points.I'll start with the bad.

Bad
points:The casting choices(especially Burt Reynolds as Boss Hogg),the acting of said badly chosen
cast,the storyline,the idea of setting the film in the modern day,the direction,the editing,the
soundtrack,and above all,the whole idea of making a feature film out of a television series that
wasn't that great to start with,despite it's popularity.

Good points:Jessica Simpson in a
red bikini............that's it!

One might make an analogy here.In the scene where
Jessica Simpson as Daisy Duke struts her way up to Michael Weston as Enos,and asks the
question,\"Enos,where's Boss Hogg and Roscoe?\",in his clouded judgment, tells her where they are.She
might just as well have asked,\"Enos,is this a good movie?\",the red bikini would have clouded his
judgment into saying yes,even though in his right mind he would have said,\"No, not really.\"As good
as she looked in the bikini,she could have been stark naked,and even that would not have saved this
horrible piece of film-making.Stay out of Hazzard!" ], [ "Ravi Chopra wrote this film 40 years back, wanted to cast Dilip Kumar in the lead

The
film finally was re-written and made in 2003 and hence the subject looks dated and too superficial
at times

Like the reason Amitabh-Hema separate is too superficial even the way the youth
are shown is too bad like Gulshan in AVTAAR

The message though comes well but things are
presented in a clichéd manner Salman's character is the worst, looks straight out of a storybook
while the climax speech of Bachchan is good and also the final of not forgiving the sons is good/>
Ravi Chopra does a good job Music is decent, the songs sung by Bachchan stand out
/>Amitabh excels like always, he has played an elder stern father earlier but here he plays a victim
and portrays it well His last speech is great Hema is good in her part Aman Verma stands out Samir
Soni is okay, Naseer and the rest sons and wives are decent though Divya Dutta stands out Salman
Khan is fake, Mahima is okay Paresh and Lillete are lovable" ], [ "If you really have to watch this movie because your girlfriend is in a romantic mood, let it be boy.
But prepare yourself by bringing your hp if it comes with a radio.

After having watched
such a good movie as Arisan (2003), it is terrible to see what they come up with again in Indonesia.
It seems that the only idea is to make money, but no one seems seriously to work on the image of
Indonesia in the world of entertainment. That it is a 'global' world doesn't seem to come up in the
minds of those who make movies in Indonesia. And since the Indonesian public swallows everything
that is presented to them as 'Made in Indonesia' with a flavor of the west, they get away with
it.

OK, the story is nice to begin with. And it could have developed into a nice flick.
But did the director never think about the fact that a musical needs first of all live music OR at
least good playback, and secondly good choreography? In this movie, the playback is SO BAD that it
makes you wanna cry right there in the cinema. Every single word you hear is followed seconds LATER
by the actor or whoever sing playback, and it is extremely annoying while watching the movie./>
The choreography is as if they planned to make a movie about morning gymnastics, but in the
end thought it would be nice to turn it into a musical... They only forgot to change the
choreography. It is hardly dancing you see, they jump here and there, throw their legs up in the
air, and that is about it.

Well, at least there's a happy ending.... But if you can
convince your girlfriend that a nice candlelight dinner is much more romantic, DO SO!" ], [ "This movie is bad. If you are thinking about watching it, there is only one decent scene in the
movie, and it lasts about 5 seconds (Amanda Carraway's topless scene). The rest of the movie is
horrible. I think high school plays probably have better acting. The plot makes no sense at all. The
set was pretty lame, and it wasn't even good to make fun of. It was just dull and very very bad! I
watched this on Starz so I thought it had to be at least decent. The mini description sounded like
it'd be alright. The girlfriend kills herself for apparently no reason at the beginning of the
movie, after you have to watch some horrible music video. The transitions between scenes are VERY
abrupt and its like someone just put a ton of clips into a movie without even thinking about how to
transition them. Just cuts from one scene to another, no smoothness. Kind of like my random
switching from talking about how bad the movie is, to explaining why the plot sucks. The audio gets
low at some points, where you can barely hear it, then gets loud with gay 'horror screams' thrown in
at random points in the movie. It is the same sound every time. This is now officially the worst
movie I have ever seen

Acting: 0/10 Effects: 1/10 Storyline: 0/10 Music: 3/10
/>Lame-meter : 1,000,000 / 10" ], [ "Everyonce in a while,4kids brings new shows to it's company. For the past few years, they brought
pure gold like Kirby: Right Back at Ya! or Mew Mew Power. But Recenetly, 4kids has been off. CatDog
is one of the examples.

It's hard to write a negative comment without bashing the show,
but in truth, Weekenders is pure garbage. It revolves around A group who with an over active Brain.
The catch though is anything he thinks up comes bad. It may sound good on paper, but after watching
it, you'll realize how far from good this show is.

The Pizza Guy is an extremely dumb
character. He's very 1-dimensional, there's really not much to him. He's hyper-active, end of story.
Though many feel all the character are a rip off of the South Park, I think just the contrary.
Mechazawa from cromartie High-School is an interesting character, and he's able to make me laugh.
Tino fail to do either of the two.

The cast for the show isn't any better. Like Tino's
Mom they suffer from lack of character. They only stick to one characteristic and thats it. The only
redeeming quality is the fact that the show can cause you to smirk. Whether it's that the scene may
actually be funny, or you may just smirk because how stupid it is.

Thje Weekenders is a
very crappy show from Disney/4kids. Though it does seem to love some fans, it should really be left
to the kids." ], [ "Every year I watch hundreds of films, including many low budget amateurish straight-to-DVD
abominations that nobody in their right mind would ever want to see. I have seen thousands of films
in my time, many excellent, many forgettable. Zombie Nation I will remember forever as one of the
most hopelessly laughable 'horror' films I have ever seen – in fact I still haven't recovered from
the experience of watching it.

The day after, it seems like some kind of weird dream. Did
I really see what I thought I saw? Why do the police work out of a warehouse? Did the voodoo
priestesses really recommend that the 'zombies' eat cheeseburgers? Is it safe? Is it safe? Is it
safe?

I wouldn't recommend Zombie Nation if you want to see a 'good' film, and neither
would I recommend it as 'so bad its good'. However, if you are entertained by the prospect of
watching probably the most indefensibly abysmal film ever – this is for you. Now, whenever anyone
asks me what the worst film I have ever seen is, I will say Zombie Nation.

Seriously – I
think it's a greater crime to make a boring film than a bad one, and Ulli Lommel deserves credit for
producing a film that actually stuns you with its ineptitude. He really is the Ed Wood Jr. of the
digital age, and I for one can't wait to see if he makes another film as consistently ridiculous as
this one." ], [ "SPOILERS THROUGHOUT:

The Gettaway is mostly an action movie. And what action there is
to!! Shootouts, chases, dumpsters and much much more. It stars Kim Bassenger and Alec Baldwin as the
Mc Coy's.

This is a remake and I have not seen the original but really didn't care for
this one at all although Bassenger and Baldwin have some nice screen chemistry. But the movie itself
didn't do it for me.

The Gettaway became really tiresome really quickly. The plot is
overshadowed by one fight/chase after another and as the violence keeps piling up, Bassenger and
Baldwin retain their great looks no matter what perils they maybe in. In fact, by the end of the
movie they almost look BETTER then in the beginning. I don't think Bassenger's eye makeup moves once
during the whole picture.

This isn't the worst movie I've ever seen, certainly not, but
it isn't very good and unless one is an action movie purist I can't see really enjoying this movie
because there's just not a lot here. The Gettaway isn't terribly original either, and goes every way
from unnecessarily brutal to rather dull. It really could have been better I think.
/>Bassenger and Baldwin give OK performances but they don't have a lot to do except get chased and
run for their lives. Sometimes less is more, after seeing the same thing over and over again it gets
stale. Didn't enjoy this one to much." ], [ "Given the subject matter of drug addiction Down to the Bone almost can't help but be a rather
depressing film. But depressing doesn't necessarily have to mean bad. Unfortunately in this case it
is in fact pretty bad. The film has some good things going for it, most notably the quality
performance of Vera Farmiga in the central role of Irene, a working mom struggling with a cocaine
addiction. But there isn't enough good here to outweigh the bad. The film's failings lie mainly with
the story, which fails to captivate and never really seems to get going. Irene goes to rehab and
comes home to a clueless husband who has no idea how to support her attempt to kick her habit. Irene
grows close to another recovering addict, a male nurse from her rehab center. Complications ensue.
But the story never really sparks to life. It doesn't seem as if the movie is really going anywhere.
You can say it's a stark, realistic look at the day-to-day struggles of an addict. Maybe so but in
this case it doesn't make for an interesting movie. The whole thing has a very \"blah\" feel to it.
The minimalist cinematography doesn't help matters, adding another layer of drab to the incredibly
drab proceedings. And none of the other performances measure up to Farmiga's. Hugh Dillon is OK as
Irene's male nurse friend but nobody else in the cast adds anything of value to the proceedings. All
in all this movie is a bleak, depressing and rather dull ride." ], [ "I caught a screening of this at the True/False Documentary film festival in Columbia, Missouri, and
I was pretty disappointed. I was expecting a cool documentary into the protest and activism
surrounding the RNC, but what I got was a largely flawed, bad-acted, fictitious, conspiracy ridden
badly woven tale. I'd heard of its neo-documentary technique, \"blending both True and False\" but I
expected more along the lines of a fictitious storyline developed for a better personification and
to create a sense of unity between real interviews, but it was more along the lines of a terrible
made-for-conspiracy theory TV movie.

The acting overall is terrible except for Rossario,
which is not surprising considering the Director at the screening said most of the lead characters
had no acting training, his excuse being that he wanted them to be real. Heres a hint, real people
can't act, but actors can usually act real.

It would of been not so cornily offensive if
it wasn't blatantly obvious about how keen he was to push this extremely radical conspiracy theory
onto us throughout the whole movie, its especially hysterical when we get a scene where the director
cameos and starts ranting on about ridiculously stupid theories and secret agendas. The movie also
does a good job of laughably stereotyping every single role, it tries so hard to romanticize these
street activists and stamp a big 'Good' or 'Evil' on every character.

Skip it, maybe find
yourself a nice real documentary/" ], [ "Dreadful horror sequel to \"The Howling\". This picks off with Karen White's funeral (she was killed
at the end of the first film). Stefan Crosscoe (Christopher Lee sadly) arrives there and tells
Karen's brother Ben (Reb Brown) that Karen was a werewolf. He's going to Transylvania to kill Striba
(Sybil Danning) the head werewolf. Ben and a coworker of Karens (Annie McEnroe) join him.
/>A terrible script, bad direction, inept editing and truly horrendous acting by Brown and McEnroe
single handedly sink this one. The werewolf effects are mostly kept in the dark--for good reason!
They're terrible when you see them. Subpar special effects also--although I DID like the cartoon
lightning that comes from Danning's fingers. There's also a werewolf orgy which is particularly
stupid and Danning takes off her top at least EIGHT TIMES during the closing credits!
/>There are a few good things--I found the village in Transylvania amusing--it looks like it came
from a Universal horror flick from the 1930s! There are interesting camera tricks between transition
scenes; Brown and McEnroe have good bodies and Lee and Danning are good in this--but they can't save
it. Really--WHY did they do this? Where that they hard up for money??? This is one of IMDb's lowest
rated movies. That alone should tell you something. Supposedly Danning was horrified when she saw
the movie--I can understand why! A must-miss." ], [ "This is shallow hedonism and/or social commentary wrapped in a tragic tale about a jealous young
woman's scheme to drive apart her father and his fiancée. Is it incest or just a view through the
eyes of a daughter with an Electra complex? Who cares? All of the characters, except for Anne
(Deborah Kerr) are vacuous and vile. Seberg is poor (I agree with the \"boys with breasts\" comment of
an earlier review). The plot plodded. This predictable material was sufficient for about 30 minutes
of film that unfortunately was stretched over an hour and a half! If you want to see great gowns and
jewels on the Riviera, I recommend \"To Catch a Thief\" - in which you will get the added bonuses of
an entertaining story and likable characters.

I like for films to entertain me. I
personally don't really care where a film is set. Whatever the time or place, I want a good story -
comedy or drama. I also want to see some enjoyable characters. It doesn't hurt if I can relate to
them. Poor Deborah Kerr gives a typically good performance, and so does David Niven in a despicable
role.

The \"2\" rating is solely for Kerr and Niven, and for the cinematography - the rich
color scenes and the murky, foreboding black and white scenes. Unfortunately, all the great
cinematography in the world cannot salvage a poor story with un-enjoyable characters. A sow's ear is
still a sow's ear. Consequently watching this mess was a serious waste of my time." ], [ "Im proud to say I've seen all three Fast and Furious films.Sure,the plots are kinda silly,and they
might be a little cheesy,but I love them car chases,and all the beautiful cars,and the clandestine
midnight races.And Ill gladly see a fourth one.

Wanna know what the difference is between
those three and Redline?Decent acting,somewhat thought out plot,even if they are potboilers,and last
but not least,directors who have a clue.All three were made by very competent directors,all of them
took the films in a different direction,equally exciting.Redline looks like the producer picked out
a dozen women he slept with on the casting couch,and made them the extras,then picked up his leads
from Hollywood's unemployment line.And the script.Yikes.Its Mystery Science Theatre 3000 bad.This is
70's made for TV movie bad.

Yeah,the movie had a few cool cars,but you don't really get
to see that many in action,and the action is directed so poorly you cant get excited by the
chases,and if the cars aren't thrilling you,why go to a movie like this?

Im in the
audience with a bunch of teenagers,and I cant stop laughing out loud.Im getting dirty looks,but this
was just a debacle.

Rent the F&F movies.Go to Nascar Race.Go to a karting track and race
yourself.Whatever you do,avoid Redline like bad cheese." ], [ "I really wanted to like this movie. The previews looked marginally funny but I figured they put most
of the funny stuff in the previews. In this case, they not only did that but they twisted the clips
so that they appeared much funnier than they were in the real film. I like John Travolta, Uma
Thurman, Vince Vaughn, The Rock, Cedric the Entertainer, etc. so I wanted to like this movie but it
just never seemed to do anything.

I saw Get Shorty and did not particularly care for it.
Too slow and unfunny for me. This movie is certainly no better and, if anything, is worse. There
were a lot of opportunities for some good comedic moments but it took none of them.

The
acting was okay but even John Travolta seemed toned down. Cedric was okay but he was too reigned in
to be really funny. Vince Vaughn and the Rock were pretty good and ready to be funny but they just
let it all pass them by. I wish they had been given a chance to follow through with the funny things
they set up but instead it just kept going back to the same old thing and back to just setting
Vaughn and Rock up to be funny (though never allowed to really deliver that punchline or comedy)./>
Overall, this was a very disappointing movie and I am glad I only saw it on video. At least
it was cheaper than the theater." ], [ "Take a SciFi Original Movie and mix in a little alternative/revisionist history, and you get \"Aztec
Rex.\" Apparently Hernand Cortes, before conquering the Aztec empire, had to first conquer a
Tyrannosaurus Rex and her mate. That's the thrust of this movie. Given the plot it could have really
sucked; the fact that it only kind of sucked is a tip of the cap to the writers. There are a few
problems. For starters, Cortes is played by Ian Ziering. Even with a black wig, Ziering as Cortes is
about as convincing as Axl Rose playing Gandhi. And though Cortes conquers the indigenous peoples of
Mexico, the Aztecs here seem to be played by an all-Hawaiian ensemble. Casting aside, the T-Rex(es)
look reasonably good, though every time one of them gets shot it just oozed CGI. And they die too
easily; I suppose if a T-Rex were around in real life they probably could be felled or at least
wounded by some rather rudimentary, 16th-century weaponry. But it takes something away from the
movie. There are also some graphic T-Rex-swallowing-human scenes, which is surprising, but in this
context I thought they worked OK. There's plenty of action, and the whole colonization angle is
prevalent throughout but doesn't overwhelm the dinosaur angle, unlike the other recent SciFi
Original dinosaur movie \"Warbirds.\" Overall, a mediocre (but decent by SciFi Original standards)
movie that rates a modest 4." ], [ "Normally, I have much better things to do with my time than write reviews but I was so disappointed
with this movie that I spent an hour registering with IMDb just to get it off my chest.
/>You would think a movie with names like Morgan Freeman or Kevin Spacey would be a bankable bet...
well, this movie was just terrible. It is nigh on impossible to \"suspend disbelief\"; I tried,
really, I wanted to enjoy it but Justin Timberlake just wouldn't let me.

Timberlake
should stick to music, what a dreadful performance - NO presence as an actor,NO character. Can't
blame everything on Justin: The movie also boast a dreadful plot & badly timed editing; its
definitely an \"F\".

After seeing this, I have to wonder what really motivates actors. I
mean, surely Morgan actually read the script before taking the part. Did he not see how poor it was?
What then could motivate him to take the part? Money? Of course, acting is at times more about who
you are seen with rather than really developing quality work.

LL Cool J is a great
actor; he gets a lot more screen time than Freeman or Spacey in this movie and really struggles to
come to terms with the poor script.

Meanwhile, the audience goes: \"What the hell is
going on here? You expect me to believe this crap?\"

In short, apart from Justin a great
lineup badly executed - very disappointing." ], [ "So far Nightmares and Dreamscapes has been erratic and disappointing. The first segment, directed by
Brian Henson, may have offered little in the way of groundbreaking storytelling or real scares, but
at least it was well-directed, suspenseful, and visually interesting, with solid acting by William
Hurt and very impressive special effects for a mini-series.

However, the second story in
the series was just dreadful, and not in the good way. The screenplay is bad, requiring the shallow,
unlikable protagonists to act illogically in order to move the plot, and having characters ramble on
endlessly for the purposes of clunky, unnecessary exposition. The acting is overdone and
unconvincing, and I felt far more empathy for a cold-blooded killer in the first story than for the
newlywed couple in the second. The director used a million tricks to try to make the narrative
spooky, but with the amateurish acting and writing, the end result looks like a freshman-year film
school project, with camera moves for their own sake, and little in the way of plot or tension./>
If the rest of the series continues like this, I'll be sorely let down. I look forward to
William H. Macy's installment, and hope he gets a decent director and screenwriter for his segment.
So far the quality is far too inconsistent to predict either way." ], [ "Oh, the horror! I've seen A LOT of gore movies in my day, but this one just makes me gag with with
laughter rather than repulsiveness. This is definitely a crazy movie and is very low-budget, I might
add, but if you're able to look past the cheap audio, horrible dialogue, ugly girls, the obviously
fake gore scenes, and overall cheeziness of the film, then you might find some of this film to be
somewhat entertaining. The story is about a copy cat killer who goes on a killing spree every \"5th
day, of the 5th month, of the 5th year\" (wow, how original), and it's up to two detectives (one of
whom gave a valiant effort at trying to make the crapy dialogue good) to stop the killer's bloody
rampage. The killing scenes (which are done with a plastic toy knife) are pretty brutal (which is a
good thing), but very annoying due to the constant repetition of an obviously recorded scream (which
is very ear piercing). As for the gore, there's plenty of it but it looks very fake; especially the
blood - dude, c'mon, purple blood? But, if you're a fan of gore videos, like myself, then you'll
find something in this video to cherish like I did (the crap-talking detective...he's the best thing
going for this film). Other than that, all you're going to find is a bunch of senseless nudity
(which is also a good thing, but too bad the girls are OOOGLY) and a very idiotic hippy necrophiliac
serial killer. Sorry, but this one sucks." ], [ "The basic story idea of ENCHANTED APRIL is excellent--two very unhappy wives meet and decide to pool
their funds to rent an Italian villa for a month. To further defray costs, they get two other
strangers to come along. What makes it interesting are the relationships both before and during this
vacation--in particular, showing how this beautiful setting actually changes their outlooks on life.
Unfortunately, this good idea is totally spoiled by two key performances in the ensemble cast that
are so bad that they ruin the film. Ann Harding plays the most important role in the film in a
manner that makes her seem ridiculous. Her \"doe-eyed\" expression and vacant stares really make you
wonder if this isn't a zombie movie or she's just meant to be an idiot! And to make it worse,
Reginald Owen plays a character so obnoxious and bombastic that I was very close to turning off the
film--he was that awful and unbelievable. I noticed that at least one reviewer gave this movie a 10
--which is very, very difficult to understand. Sure, the film has great ambiance and a good plot,
but these two glaringly silly performances cannot be overlooked as they undermine the rest of the
picture. Sorry, but this film was aching for a re-make!" ], [ "... just look at the poor Robert Webber character (great performance, once again!) who tries to
wrestle a sub machine gun from one of the terrorists. Everything in this movie seems to be a little
wrong. The biggest mistake in my opinion is the effort to give the action a firm footing in the
actuality of the early 1980ies (the fundamental difference between this flick and the far more
fantastic, ironic and therefore timeless Die Hard). The story comes through as a failed attempt to
glorify the SAS commandos. Ideas like when a commando shouts „heads down\" all good guys do it and
all bad guys don't so that they can blast away ad lib (with a good conscience), that the main
character does not get mown down by the gas masked commandos although he wears the same clothes and
carries a weapon from their arsenal just seem to be unlikely and make it hard to take the movie
seriously. And it just happens that it tries to be more than just fun. Don't talk about the toilet-
mirror-signal episode ...

I don't mind the criticism of the Pacifist movement as a shield
for evildoers and the arguments between the peace fanatics and the settled, even headed
representatives of power in this movie. But the political comment is rather lame and uninspired.
This is insofar regrettable as the movie features an early performance of Judy Davies. She plays the
main fanatic and seems to have done extensive studies on the „subject\". Anyway, her performance is a
notch above that of the others and somehow I feel the movie let her down." ], [ "You can't hold too much against this knowing that it was made in four days, and I had expected it to
be campy anyway. (It's not all that campy in reality. With the exception of Kevin Kalisher and
Huntley Ritter, who don't take themselves seriously, the rest of the cast plays it halfway straight;
Riley Smith is exceptionally bad.) The ridiculous story is actually paid attention to, which kind of
shocked me; I assumed the whole purpose with these ultra-low-budget horror movies was to cater to
the basest sexual fantasies and not give a damn about the story, but they use lots of words like
\"technological\" and \"physicality\" in the script to get their point across. (Although it's possible
that the story is important only to explain why there's so few cast members.) Nobody cares about
this stupid storyline, and the only things that are interesting in the film are the mocking of cults
and the soft-core homoeroticisms (which aren't all that edgy). I would have enjoyed it more if there
were just some random killings for no reason. The film is grainy, with a TV-quality look and acting
level. There are a few \"sexy\" scenes that are alright -- the boys writhing in bed in their boxers,
feeling themselves up; or being tied down and making orgasmic faces while wine is poured on them --
and some of them are kinda funny. And I liked the digs at L. Ron Hubbard and the intended irony of a
story about religious cultists told with intense gay overtones, but it still isn't any good. 3/10" ], [ "I had some expectation for the movie, since it had a nice star cast and it is the return of the duo
of Akshay and Saif. Well, I was hesitant to watch the movie because this was done by the same man
who wrote the story for Dhoom franchise because I hated Dhoom 2; but if Dhoom 2 is compared to
Tashan, I would say Dhoom 2 is very realistic.

When I saw the credits at the beginning,
I felt nice because it was put up in a nice way. Well, the very first scene itself pis*ed me off.
Then, the major drawback of the movie is the action sequences. Me and my friends were laughing our
guts off watching this crappy fights. It was like Akshay against some 30 thugs and all and the thugs
even got machine guns! Phew...you got to see this to understand how bad the action sequences are./>
The other thing about the movie is the far too predictable story. It reminded me of some of
the early 80's movies.

Well, the only thing the movie is worth is of sexy Kareena, who
looked really hot in this one.And for that, I give a rating of 2 out of 10.

Guys,
please..please...don't see this one thinking that it is a real gangster movie. Well, you can watch
this to have some laughs at the terrible fight scenes.

Thats all." ], [ "This third installment in the Scarecrow series is by far the best of the lot. I know, I know...but
how good is it? Well, let's not be silly. It's still pretty bad, but by comparison to the first two,
it's a fine film. Again shot on digital, with decent lighting and good camera work.
/>****SPOILER****

When a college baseball team hazes new members, one is left in a
diabetic coma. Of course, they abandon him in a cornfield, tied to a scarecrow. In keeping with the
legend, the boy's soul is transferred into the body of the scarecrow, which comes to life and wreaks
terrible vengeance on, well, pretty much everyone. The co-eds drive to the beach, which is somehow
very close to the cornfield. On the sunny beach, they are killed one by one by the whistling
scarecrow.

Writer/director Brian Katkin does a credible job of bringing some much-needed
drama to the film. Unfortunately, the drama leaps over good and lands in common cheese. Much of the
acting was fair, but there were some really terrible bits, including an awful piece of poorly done
lip-synching. Some plot points were left mostly unresolved, and most were used to get someone alone
so they could be slaughtered. Again, better than the previous installments, but still lacking." ], [ "Very silly movie, filled with stupid one liners and Jewish references thru out. It was a serious
movie but could not be taken seriously. A familiar movie plot...Being at the wrong place at the
wrong time. An atrocious subplot, involving Kim Bassinger. Very robotic and too regimented. I have
noticed that Al Pacinos acting abilities seem to be going downhill. A troubleshooter with troubles ,
but nothing more troubling than Pacinos horrible Atlanta accent. Damage control needs to fix this
damage of a film. OK my one liners are bad, but not as bad as the ones in this film. This movie
manages to not only be boring but revolting as well. Usually a revolting film is watchable for the
wrong reasons. This movie is unwatchable. I did manage to sit through this. The plot ,if written a
tad bit better, with , perhaps a little better acting and eliminating the horrendous subplot,and
even dumber jokes, could have pulled this thriller out of the doldrums. What we are left with is a
dull, silly movie that made sure it was drilled into our heads that Eli Wurman was Jewish. An
embarrassment to all the good Jewish folk everywhere." ], [ "VIVA LA BAM This \"Jackass\" spin off focuses on the (obviously scripted) adventures of Bam Margera
and his pals (Johnny Knoxville, Brandon Dicamillo, etc). This show, while it has its fair share of
gross-out comedy and crazy stunts, focuses mainly on Bam's torturing of his parents.

I'm
sorry to say this, Bam, but... you're in no way as cool as you think you are. This ego tripped show
is not only painfully unfunny (and yes, I liked Jackass), but also narcissistic beyond belief. The
overly stylized intro ends with Bam coolly explaining that he's going to do \"whatever the f***\" he
wants to. How about you do something that is actually funny? I liked \"Jackass\" for what it was
worth. The camera-work was horrible - any idiot could have made a better show with a camcorder in
their parents' garage - but at least the show moved at a steady pace and never felt boring between
the crazy, dangerous or simply disgusting stunts the pals performed.

Not so with \"Viva la
Bam\". We follow our hero around as he plays pranks on his friends and tortures his relatives, but
never does it feel like anything else than really lame and scripted comedy. The stunts and pranks
are mildly entertaining, but presented in such a tedious and dull fashion that they can barely make
you smile.

\"Viva la Bam\" is a poor spin-off of that does little good but feed Margera's
already too big ego. I don't recommend this lame and unimaginative show to anyone." ], [ "Angela Johnson (Pamela Springsteen--yes she's related to Bruce), the killer from the first film, is
up to her old tricks again. She's one of the counselors at Camp Rolling Hills. As long as the girls
at camp are nice and stay away from sex, drugs and swearing things are fine. But a few step over the
line and Angela kills them--cracking bad jokes all the way.

The original \"Sleepaway Camp\"
was a vicious and nasty splatter film but had some good points to it. This is vicious and nasty too
but has NO good points to it. The plot has been done to death and this adds NOTHING new to the
formula. There are plenty of gory killings in here (people are burnt alive, heads are cut off,
throats slashed) but all the gore is so obviously fake it actually become comical. This also has the
smallest amount of campers I've ever seen and virtually everyone is far too old for their roles
(especially Higgins). As expected there's the gratuitous female nudity (here provided by the
tremendously untalented Valerie Hartman) and the obligatory good girl/good boy team (Renne Estevez
and Tony Higgins). With the sole exception of Springsteen and Higgins the acting is lousy--even by
slasher movie standards. There's also a cruel edge to this movie in which one character is drowned
in an outhouse! Boring and sick with a stupid plot, pointless nudity and bad gore. Skip it." ], [ "This film is a nightmare! The sensation you feel when you wake up from a nightmare is the same I got
when I finished watching this movie: \"Uff…OK, it ended, what a relief!\" I felt pain watching this
movie, so bad it was! It's a B-series low cost movie, that's for sure, but I think it not an excuse
to be so bad! I've watched brilliant low cost movies, with nice plots, nice production, nice acting,
and most of all, some substance! This one got nothing of it! The plot is hilarious, it almost seems
like an \"American guide about how to transform ancient Chinese mythology into a ridiculous teenage
movie, with some kids playing with the occult\"… I don't know if the Chinese tale present in this
movie is real or not, but if it is, the \"damage\" is even worse! The production is just horrible, a
plain zero (What \"special effects\" are those?). There's no suspense. The supposed \"tension scenes\"
are a complete failure. The acting is not better; and what about the dialogs? Oh my God! A movie
which has for several times dialogs just like: \"I will pass there later, OK? Is that alright? – OK,
alright. - OK? – OK, alright, bye then\"… I'm sure it doesn't deserve more than a 1/10 score!/>
Too bad to be true!" ], [ "Wicked Little Things has an excellent synopsis: empty house beside abandoned mine in woods with
tragic past; family moves into house and strange things begin to happen; little creepy children
begin to pop up here and there doing creepy-little-children-things. But that is where the cleverness
and potential fun ends. This group of kids was sealed in the mine many decades earlier, and now
appear roving the woods (poor make-up) with weapons looking for flesh to eat. Oh I get it, this is a
ghost-zombie movie. Hmmm....while I can appreciate someone trying something new with this genre,
this just didn't work. What was the children's motivation in seeking to devour flesh? Why did they
need weapons? Did anyone else imagine the filmmakers all gathered around the daily footage giggling
because they felt this was going to be a cool/scary movie? I found that after thirty minutes I felt
the familiar resignation that I had just wasted my time on another modern crap-fest. While the
acting was good, and the setting/cinematography of good quality as well, the script itself suffered
from what seems to be a lack of knowledge about the supernatural horror genre altogether. A bunch of
kids walking down the mall is scarier than this pack of poorly disguised rodents.

This
movie is not scary, and while I can appreciate the story, perhaps have even enjoyed it if I had read
it instead of watched it, I still have to say that Wicked Little Things is more accurately called
Wicked Little Turd." ], [ "I have watched this movie a few times and never really thought it was that funny, but it's still fun
to watch and good for a few laughs.

Its about women that work at a company and their boss
is a jerk and they end up giving him a taste of his own medicine, and try to get the respect they
deserve.

The acting is really good. Dabney Coleman is one of those 80's stars that plays
a good bad guy, not really evil, just unlikeable. Dolly Partin is lovable and fun to watch in
comedies and her down south wit really shines here. Jane Fonda is so-so and does little for me. Lily
Tomlin is the best thing about this movie, she has the funniest lines and made me laugh out loud
several times, gotta love her.

I could recommend this to anyone that likes 80's comedy. I
like the movie but it has things about it that I don't like. It starts off great and has a nice flow
and then everything starts coming together all at once and made me care less about the characters.
They all have little fantasies about what they would like to do the boss and although 'cute' I just
thought it slowed down the flow of the movie. As the movie goes on it once again picks up and the
funniest things happen and then once again it slows down, only to wrap up in a quick manner thats
too good to be true.

4 out of 10 stars, but give it a try if you haven't seen it. I think
depending on ones mood it may be more or less likable." ], [ "The beginning of the movie was confusing and the rest of it was predictable. It was just one of
those movies that I came across in my netflix instant queue and I thought it would be interesting to
see Brad Renfro and Bijou Phillips team up together again since Bully. Unfortunately \"interesting\"
never happened in this movie. Swain plays an invisible girl at a private school whose best friend is
rich and does anything she wants at any time (Phillips). But Swain likes one of the boys (Renfro)
from the \"in crowd\" and eventually starts hanging with them. And, of course, like all other movies
things are good (or so you assume since the movie never hints on that things are good) and then
things become not so good by hanging with the rich kids.

The problem with the movie is
that there are absolutely no peaks and valleys. It is just a dead lifeless movie that after you've
watched it, you feel you could have done anything better. Some scenes (the ones with Renfro's
parents) don't even make sense as to being in the movie because the director and writer didn't
follow up on it, at all.

All the interesting things that COULD have played out was just
completely ignore and this is almost like watching a before they were stars episode (Mischa Barton
and Rachel Bison from the OC).

The only shining light in this movie, and the reason it
doesn't get a ONE rating from me is Phillips. They needed more scenes with her in it. Renfro just
look like he brought over a bit of his character from Bully. And, for pete's sake, the Title is BS,
change the name." ], [ "I have to congratulate the genius who approved this one. Edward Furlong, you're not as good as you
think mate, you can't grab on every piece of low-cost amateur crap, which sole intention has to be
to get some bucks.

The filming is bad, and I mean BAD. Anyone with a camera would get the
same result, or better.

The acting, lets just say: don't go to the supermarket looking
for actors. The good ones usually come with a degree or, at least, have some damn experience! The
director.. Mr. Jon Keeyes, please find your purpose in life, as a director you simply suck. Your
directing is poor, the angles are all messed up (not in a good way), the lines seem as if they're
being read out of toilet paper, and the damn music.. it always comes up when it shouldn't and goes
out for no apparent reason. And don't go for writer either, by the way. Making movies isn't like
serving on a coffeshop, it requires art and skill, things I really doubt you'll ever have.
/>Instead of making a badass shootout movie, you should've shot this one back to oblivion and wait
'till something good came up.. Or just go find a job on a coffeshop. You'll have less stress and
you'll save movie goers some money and a bad night.

vote: 1/10 (my first one)" ], [ "Well, my goodness, am I disappointed. When I first heard news of a remake of Robert Wise's 1963
film, \"The Haunting\", I had a fear that it would be ruined by an abundance of summer-movie sized
visual effects. But, deep down, I had faith. Surely, with such a talented cast intact...De Bont and
company will not ruin a film, who's original was a fantastic and frightening movie that understood
the delicate art of subtlety. Well, subtlety, where are you now!!?? My fears have manifested...a
promising movie has gone wrong. Yes, Eugenio Zannetti's production design is jaw-dropping; the movie
is wonderfully photographed; and composer Jerry Goldsmith can never EVER do wrong. But, the script
puts it's fine actors to the test..asking them to deliver the kind of stilted dialogue that is only
spoken in movies. In the end, the always wonderful Lili Taylor is the only performer to escape with
some dignity...and that's just barely. But, the crime of all crimes is that the horror is shown to
us. We can no longer use our imaginations, feel that horrible dread of fear of the unknown. No, we
get some visual effects to SHOW US what we're supposed to be afraid of...and you know what? As
wonderfully realized as they are...the visual effects come off as sort of silly. And the climax is a
phantasmogoric mess...but things had gone terribly wrong long before that.

Everything in
The Haunting is overdone and overblown. I'm afraid there are no real thrills or creaks in this old
haunted house monstrosity...only groans. Check out the original instead.

" ], [ "I'm sorry, but for a movie that has been so stamped as a semi classic and a scary movie, but
seriously, I think when the director has me laughing unintentionally, that's not a good thing. The
characters in this film were just so over the top and unbelievable. I just couldn't stop laughing at
Issac's voice, it was just like a high pitched whiny girl's British voice. Not to mention Malicai's
over dramatic stick up his butt character.

Children of the Corn is about a town where all
the children have killed off the adults and worship a God that commands them to sacrifice any 20+
aged people. When a couple has a bad car accident they come to the town for help, but of course they
get caught in the kid's trap and are getting sacrificed! But Malicai has other intentions when he is
sick of following Issac's orders.

Children of the Corn could've been something great, but
turned into a bad over the top movie that you could easily make fun of. As much as I love Stephen
King, I'm sure this is not what he intended and it was a pretty lame story, or at least the actors
destroyed it. Like I said, for a good laugh, watch it, but I'm warning you, it's pretty pathetic./>
3/10" ], [ "Okay, I'm sorry to the cast and crew for this review, but this movie is by far the worst I've seen
yet...First off, the acting was okay. It could of been better (especially in some parts), but it was
\"okay\". Then, there was the cheapest video camera (which they used). The violence was pretty good.
If it were paced faster, it would be awesome, but they didn't (*sigh*)...Scares. The scares were
well written (in the script), but not well done. For instance...(SPOILER HERE!) In the loft, a girl
is half way in it and the other half is in the dark, bottom area of the barn house, then she gets
it. The monster yanks her down and then you hear someones guts getting ripped out. The scares could
have been better if the music wasn't ripped from a cheap horror sounds CD. The blood effects were
pretty good, but the blood was like that of \"Kill Bill\". K.B. pulled it off, because it was meant to
resemble old kung-fu movies, but when the crew can't tell the difference between red and
pink....it's sad. The ripped up bodies in the movie were good, but the scarecrow costumes were
something you would see for 25 bucks at a halloween store. Don't let the cover fool you, the
costumes suck! My overall grade is a 3/10. If you are interested in independent movies, are easily
satisfied, or just have 3 bucks burning a hole in your pocket, go to Blockbuster and see the horror
of failure." ], [ "This movie just arrived to Mexico and since I read very good reviews here about it I decided to go
watch it with my friends and girlfriend, but i was greatly disappointed, I don't understand how
people can rate it 10/10 I mean screenplay and directing were beautiful, but a great overall movie
need a good story which this flick lacked altogether.

I've enjoyed several dramatic Asian
and European films but they had a good story, watch this movie at your own risk unless you are
eastern European or orthodox i don't think you will like it.

Half the people on the
theater left including my 4 friends who waited outside since they were really bored so was I but I
always wait till the end of the movie.

Regarding the movie, it was extremely slow paced,
with a lot of time wasting scenes, the full length of the story could have been shown in no more
than 40 minutes, but they made it longer by having scenes of the monk getting coal that is like 15
minutes of the whole movie plus panoramic views and so on, until they made it a full length movie a
really boring one.

I recommend you listen to me if you still watch it come back and rate
this comment as useful after wards to help people avoid this waste of money." ], [ "To sum it all up, skip End of Days and watch rent Roman Polanski's The Ninth Gate instead. This
movie is the perfect stereotypical American movie vs Ninth Gate being the perfect stereotypical
European movie.

Ninth Gate: Noir-ish, intelligent, nicely scored, atmospheric, excellent
acting (Johnny Depp, esp), beautiful scenery, good cinematography, funny one-liners, intellectual,
minimal foul language, thought-provoking. The only fault is it that a few people didn't understand
the open-ended ending and said the movie was \"crappy\" because of that and there were a couple of
questionable scenes.

End of Days: Overly violent, liberal use of foul language, NO
musical score except for a poor attempt at a commercial soundtrack that was only heard when Gabriel
Byrne stalked around NYC as Satan (but all you could pick out was Korn's Jonathan Davis
unintelligible screaming), sex that had nothing to do with the plot, violence, incredibly
predictable, violence, and did I mention lots more violence? I guess some of the special effects
were good but that's about it.

Well, maybe I'm wrong but I thought Ninth Gate was far
more interesting, quirky, original, and intelligent. But maybe Americans don't need need that.
*dripping with cynicism* Even though I am an American, sometimes I wonder." ], [ "Thank you Hollywood. Yet another movie classic utterly ruined by a cheap, shallow, effect-heavy and
redundant remake. The original \"Planet of the Apes\" was an intelligent and thought-provoking movie
with a very clear message. It was a movie that focused almost entirely on dialogue, which sounds
very dull but was in fact very interesting.

This movie, on the other hand, seems to have
done away with pretty much ALL the dialogues. Instead of a great movie we get an incredibly stupid
two hour chase movie. Dialogue has been reduced to a mere minimum, character interaction and
development are non-existent and most of the time it's extremely hard to figure out what's going on.
Instead, we get a bunch of pointless action scenes, some marginally funny one-liners and some very
hollow quasi-intelligent conversations.

The only thing worth mentioning about this movie
is that it looks absolutely fantastic. The make-up of the apes is magnificent, and the sets and
backgrounds are beautiful too. However, this does not distract from the fact that \"Planet of the
Apes (2001)\" is a very shallow and simplistic movie, filled with paper-thin characters, stupid
dialogue and a nearly non-existent plot. Please Hollywood, stop ruining great movies by turning them
into senseless blockbusters.

Oh yeah, the ending did not make ANY SENSE WHATSOEVER./>
* out of **** stars, mainly for the visuals

" ], [ "Where do I start. Lets list the good things about this movie first.

1. Mikael Persbrandt
is great as the Gangster Thomas. This is the only character you will actually care about, and he's a
bad guy! (allthogh never does anything bad, and is generally a pretty likable guy) 2. Kjell
Bergkvist is always great. He's a bit toned down here, but he is quite funny still 3. The movie
looked pretty good by Swedish standards, good use of depth of field and lights.

Now the
bad. This is by far the worst script to make it into the big screen ever. The acting by everyone
else was pretty bad and over the top. The direction was horrible. A totally meaningless story,
totally unrealistic characters and events and 1.5 hours to long. During emotional scenes pretty much
everyone in the theater laughed. People just started walking out during the course of the screening.


There's no way to actually summarize the story into something coherent, so I wont even
try. Every cliché ever conceived is in there, and in all the wrong places. I'm sorry to say this is
one of the worst movies I have ever seen in my entire life.

Watch it for a good laugh,
but try not to pay any money for it ;)

.R" ], [ "Unfortunately, one of the best efforts yet made in the area of special effects has been made
completely pointless by being placed alongside a lumbering, silly and equally pointless plot and an
inadequate, clichéd screenplay. Hollow Man is a rather useless film.

Practically
everything seen here has been done to death - the characters, the idea and the action sequences
(especially the lift shaft!) - with the only genuinely intriguing element of the film being the
impressive special effects. However, it is just the same special effect done over and over again,
and by the end of the film that has been done to death also. I was hoping before watching Hollow Man
that the Invisible Man theme, which is hardly original in itself, would be the basis of something
newer and more interesting. This is not so. It isn't long before the film turns into an overly-
familiar blood bath and mass of ineffectual histrionics - the mound of clichés piles up so fast that
it's almost impressive.

On top of all this, Kevin Bacon does a pretty useless job and his
supporting cast are hardly trying their best. Good points might be a passable Jerry Goldsmith score
(but no competition for his better efforts), a quite interesting use of thermal imagery and the
special effects. I was tempted to give this film three out of ten, but the effects push Hollow Man's
merit up one notch.

4/10" ], [ "Mark Pirro's \"Deathrow Gameshow\" of 1987 is a black comedy that is extremely cheesy in many parts,
but occasionally very funny nevertheless. This movie could certainly have been a lot better, the
acting is terrible, and some extremely cheesy scenes make it hard to watch at times, but the concept
is funny, and it has some hilarious moments.

In the near future (the year 1991), game
shows have changed. Chuck Todean (John Mc Cafferty) hosts a game show called \"Live Or Die\", in which
convicted death row inmates have the chance to play for their lives, and for money. Candidates who
fail, get executed on the air using many different methods, such as guillotines, electric chairs,
and other, more bizarre devices of execution, followed by applause from the cheering studio
audience. The show is, of course, more than controversial, and Chuck has made lots of enemies.../>
\"Deathrow Gameshow\" is incredibly cheesy and crappy in many aspects, and the acting is
terrible, but it is without doubt fun in many parts, especially if you're a fan of dark humor. You
haven't missed anything if you haven't seen it, but it is definitely funny and a good time waster.
4/10" ], [ "Okay, let me break it down for you guys...IT'S HORRIBLE!

If Roger Kumble did such a
fancy job on the first Cruel Intentions then why did he do such a bad job on this. I'm sorry but
this movie is stupid, true it may have improved if its series was ever aired but lets be
realistic...this movie a crock! A lot of bad acting *NOTE The Shower scene* \"Kissing Cousins\" ??????
What kind of line is that? \"Slipery when wet\" ?????????? Can we say DUH-M! This movie had effort,
I'll give you that, but it was too stupid! They even tried to make it funny by giving the house
servants stupid accents which actually....WASN'T FUNNY! It was pathetic. Not to mention that they
made everyone in the this one look Absolutely NOTHING like the original cast. It's as if they made
them look different on purpose or something! I like watching it when I'm really really really board
which doesn't happen occasionally. For those of you who did like it...Okay, what were you thinking?
Could you possibly choose this movie over the other one which had great acting and the fabulous
Sarah Michelle Gellar? A movie is gold if it has Sarah Michelle Gellar in it, DUH! But this movie
doesn't, no offense Amy Adams. Oh, yeah since when does Sebastain have a heart????? UGH!" ], [ "The only redeeming quality of this movie is that it was bad enough to be comedic. Everyone in this
movie looks like a porn industry drop out. I have actually seen better acting in low budget porn. I
though I had actually rented some kind of gay porn after this classic scene: Jim: Watch your ass
Nick: You watch yours (together): I wont leave you behind!

The first action sequence
shows how awful the production is, but its really kind of funny: Good guys have transformer weapons!
In one scene, they all have fake HK MP5 sub-machine guns. Next scene, AK-47 replicas! And then, to
top it all off, they do some weapon swapping between scenes with a couple of M-16s!! I think they
had a budget shortage for guns, not enough to go around between the good guys and bad guys. Fight
scenes are poorly coordinated and fake as all hell. You have to remove the pin/spoon from a grenade
for it to explode on its own. You can't fire a shoulder launched missile of any kind while riding
inside a helicopter. Weapons that you throw away don't suddenly re-appear. When a gun is out of
bullets, throwing it away is still pretty stupid. Unless you have no idea how to reload them.. Big
slow trucks driving around in first gear make for awkward action scenes. I really cant believe
movies like this are actually produced. This movie would be hilarious on nitrous oxide or maybe just
drunk." ], [ "When watching this show you are not quite sure whether it is the story or the acting that is more
annoying. First of all, the storyline of each episode is very predictable, the writers must have
used every cliché possible, you can guess not only the general plot, but the arrangement of the
scenes and also the lines of each character, making the show some sort of a collage of every police
series out there. On the top of it all comes the \"message\" of the show, that the good are good and
the bad are bad and that at the end of the day the good shall prevail and that we should all love
each other, be better man and better citizens, all done in the most ostensible manner. The actors,
as the vehicles of this message and nothing more than that, will use a limited set of acting skills:
the \"I am a good carrying person\" smile, the concerned look and the \"victory is ours\" body posture,
while the bad guys have the \"I'm a bad one\" frowning and the \"you caught me\" look, followed by the
\"I'm good for nothing and I should be removed from society\" head banding (this kind of also sums up
the general development of each show). True story or not, the show is garbage, yet another proof
that producers don't give a s**t about viewers, that we are all thought to be idiots. Well this
series makes every possible attempt to idiotize the living brains out of you." ], [ "Well, I bought the Zombie Bloodbath trilogy thinking it would be mindless gory fun. That's what it
is, without the fun. This film truly is mindless, it is absent of any plot or character development,
or any sort of storyline. The basic problem with this movie is the kills and gore. Basically, every
kill looks EXACTLY the same. ZOmbies ripping someone apart. Yeah, that's okay, but you need some
original kills too. I mean it got really lame, every kill looked exactly the same, filmed exactly
the same way. Thats what killed me. I love gore, and the gore in this film did nothing for me. It
was just boring. No storyline, just the same lame scene over and over again with a different person.
I wanted to like this movie, too. I love shot on video gore movies...like Redneck Zombies. But I
couldn't kid myself. This film has it's good points, but none of those are in the film. I understand
that many of the \"zombies\" helped out with the flood and there were like over 100 zombies, which is
pretty cool how they got so many people involved and helped out in the world. But overall, this is a
terrible film." ], [ "this movie is so bad. but its so bad that i was laughing my ass off. for people that like movies, do
not watch this one. for people who like movies good and bad, i recommend this one. the story lines
shaky,the script is horrible,the acting is horrible to mediocre. the soundtrack throughout the movie
was corny but i loved it. the cool catchphrases were a plus tho. ha ha. \"if it can bleed, it can
die\". the fight scenes cracked me up. it seemed to me like they spent more time on those parts than
any other cuz the fight scenes for the most part were pretty clean. i almost feel like this movie
could have been good if it weren't for the f/x....no it would have still been a crapshoot. the eye
thing was corny. and how the chick was eating the guys stomach in the kitchen,they coulda done
something where shed be actually eating something or at least put more of the fake blood on her
face. and the lighthouse explosion disappointed me. i thought they might have gotten real fire
instead of crappy computer synthesized stuff. and the ending was so predictable, which surprised me
when they actually did what i though they might do. so overall. id say this is a classic as far as
crappy movies go. its in my bottom 5." ], [ "I picked up this movie because it caught my eye as movie with a Jewish comedy focus - something I
had not seen before.

I approached this film with an open mind, and was interested in the
way it began. The opening is well put together, and the first half of the film gave me many reasons
to laugh, and this is good.

However, the humor soon became repetitive, the plot became
confused and strained, and I realized I was no longer enjoying the film. I have tried to avoid
saying this, but the movie became rather \"cheap\" - not a bad thing for a comedy if the humor holds
up, but it didn't. I confess that I may have missed some of the humour, not being Jewish myself, and
having little experience with Jewish culture. However, considering how heavily telegraphed the bulk
of the humour was in this film, it's unlikely I missed much.

The idea is a good one, and
perhaps if a little more thought was put into it the film would have been watchable all the way
through. I wish I could give the movie a higher rating, but strictly speaking it would have been
better as a TV series or as a series of skits. There was just not enough worthwhile fresh material
for a full-length movie.

One thing to say about the casting - the lead role looked as if
it had been designed with Ben Stiller in mind, but I don't think the movie would have been any more
worthwhile if he had been in it." ], [ "i am working at a video store so i got to see this one for free- thank god, had i paid for it my
review would be less forgiving.

well, the major idea of the film (geeky girl takes bloody
revenge) isn't all that original, there are several parallels to \"carrie\" (playing a mean practical
joke on a loser, except for one nice girl that is actually sorry for her, tamaras and carries bad
family background). i still think it's a fun idea for trashy teen horror flick unfortunately they
didn't take much advantage of the potentials that are here and rather put an emphasis on all the
wrong things.

what worked: i liked the actress that played tamara. she looked great (when
she was hot) and her catty lines were fun (\"Sean can't come to the phone. he's f**king
patrick!\").

what didn't work: the whole wicca thing was silly. i generally prefer
rational explanations (she could have ploted the whole thing with her teacher or one of the boys to
get her revenge). there were a lot of logical wholes and the gore looked really bad (when the boy is
cutting of his ear and his tongue- please!!!)

the whole idea wasn't bound for Oscar buzz,
but i just think they wasted the comedic and the suspenseful potential they had. it was bearable but
far from good!" ], [ "This film is about a group of five friends who rent a cabin in the woods. One of the friends catches
a horrifying flesh-eating virus. Suddenly, the friends turn on one another in a desperate attempt to
keep from contracting the disease themselves.

\"Cabin Fever\" is a horrible film. For one,
it tries to be many genres at once. Is it supposed to be a homage, a slasher, a black comedy, or a
scary movie with unintentional comedy? Nobody can tell. There's a serious scene at first and a
second alter, it turns funny. When the film tries to be funny, the humor is quite bland, excluding
the ending. I liked the ending a lot.

But apart from the ending, I was pretty
disappointed and disgusted. The violence is cringe-worthy, more looking away from the screen than
being scared. The tone changes within each scene, sometimes funny, sometimes scary, and sometimes
quite random. In fact, you see a girl doing karate in slo-motion. What are we supposed to get from
that? This same girl would bite one of the characters. Was that supposed to be funny? I don't
know.

Some of the performances were decent, and many were quite amateurish. I didn't care
for most of the characters. I liked the plot but the execution was done horribly. As a horror film,
I didn't know what it was trying to be. I didn't find it funny, tense, nor scary. By the end, you're
left indifferent, thinking, \"What have I just been through?\" Unfortunately, you'll never know the
answer to that question." ], [ "I just watched that movie, and was pretty disappointed. I didn't expect much to begin with as the
premise of the movie doesn't suggest greatness anyway. Sadly, it doesn't even manage to deliver just
as stupid entertainment. The main problem is probably the acting. While I've seen far worse actors
in far worse movies, the story would require some people to act out as violent maniacs, some others
as people caught a in really stressing predicament, and they fail to deliver that. Although I
watched the German release I watched with the original audio, so it's definitely not just bad voice-
overs or anything like that. Added to that, the German DVD release seems to be cut, the killings are
all pretty much left out, meaning that except for a few semi-gory scenes closer to the end the
German release doesn't deliver as a movie for \"gore-hounds\", either. Can't comment on that for other
releases of course. The plot has some stupid moments thrown in here and there and the beginning is
just hilarious (ever heard of a demon visiting a psychiatrist?). Too bad the movie takes itself far
too seriously, if it was filmed as a horror-comedy and changed a bit here and there accordingly it
might have worked better. The ending is just a huge disappointment.

If you've got really
nothing better to do and just can't stand the boredom anymore you might (and it's really a weak
\"might\") consider this movie. If there's anything else available to watch or do: Pick that
alternative." ], [ "I just saw this movie last night, and after reading all the reviews I expected a good, emotional
sports film. What I got was something clichéd and boring. Yes, I thought it was boring. I saw the
all-star getting hurt long before the game. I figured maybe they'd wait for him to collapse until,
ya know, the game before the \"big one\" but I guess the first game is good enough.

The
parental relationships were also very clichéd, with the dominating drunk father (I will say McGraw
impressed me, however), and the boy who wants to stay and help his (ailing?) mother.

I
especially liked the random girls (Melissa and Maria) who were in the movie for all of 5 minutes,
and placed there simply to get the football boys some action off the field. I thought \"ok, now how
does this work into the plot again?\" Maybe I missed the point, beyond \"Well they play football in a
town that loves it so the girls throw themselves at their feet\" point.

The sports action
had some good points, but most of it was so rushed! I think the first game lasted longer than the
montage of the entire playoffs! And I wasn't so sure about the continuity of the winding-down clock
in the final game.

I guess I could see this movie winning the ESPY for best sports film
if it was the only one released. Honestly though, I found it to be a boring movie full of people
sickeningly-obsessed with the pigskin. For a better football film, see Remember the Titans." ], [ "This show makes me(and many others) hate their lives. Let's face it, Zoey is perfect; she's bland
pretty, gets good grades, everyone goes to her for advice, she's popular, she goes to an amazing
school with amazing rooms. Reasons why I gave this show a 3: 1. The acting is horrible.Sometimes I
just want to hurt the people who put these untalented actresses(especially victoria justice) on
television. 2. The characters are unbelievable and mismatched. You have your typical popular girl. A
peppy, shallow, stupid ,stereotypical, girl who is portrayed by a horrible actress. Then you have a
typical jock guy who is somewhat normal and actually nice.Then the stereotyped smart girl who is a
freak and obviously does not fit in with the perfect popular friends of hers. Then a stuck up rich
pretty boy that would be happier gazing into a mirror all day. Then the wanna be actress who is
played by another stinky actress. And last a normal nerd person guy. 3. The plot is boring, and
lame. 4. I hate how spoiled these characters are. Can't they just be normal! 5. Everything ends up
perfect for them, and we all are reminded of how much our lives stink." ], [ "Oh. Good. Grief.

I saw this movie title in the TV schedules and thought \"I must watch
this movie, ripping off Snakes On A Plane, it will be terrible but hopefully laughable too. Sounds
fantastically bad\". Well, I was half right.

This movie is eye-meltingly bad and, sadly,
not even unintentionally hilarious. It's just bad. Even worse, it takes almost an hour to get to
anything resembling action. For the first half of the movie we have to endure some mumbled foreign
language (Mexican or Spanish, apologies for my ignorance) and terrible acting as some woman vomits
up live snakes for reasons we only find out later on. Then we have to endure even more terrible
acting, and we find out that those mumbling in the foreign language could speak English anyway, as
the snakes finally get loose on the train and things move from the sedate to the ridiculous./>
Low-budget does not always mean \"bad\" but, in this case, it does. What we have here is a
movie given no thought, a terrible script, a bad cast and not even the sense to capitalise on it's
very few strengths. I give two marks for a few decent special effects and a whacky ending but that
still feels a bit too generous. Avoid if you can.

See this if you like: Stagknight, The
Wicker Man remake, terrible CGI." ], [ "Everyone knows that late night movies aren't Oscar contenders. Fine. I mean I'll admit that I was a
bit tipsy and bored and figured I'd get to some skin-a-max. It's pretty bad when the info on the TV
guide channel makes fun of the movie in the description. It even gave it half a star. To be fair, I
did sit throw the whole thing cause man it was soooooooooo bad. I couldn't stop laughing. I mean the
words coming out of these people mouth and how they were trying to be serious. Most of the time I
think the people on the screen were trying their hardest to not to laugh. In fact I think in one
scene they did laugh. Anyways the movie didn't make sense. It was like that one Sopranos episode
with the fat gay guy. Only the Sopranos is great show. But it was terrible, I mean, no nudity, just
sex scenes out of the 90's. You know the kind that use shadows and silhouettes instead of flesh. I
gave it a two cause this flick makes for a good drinking game movie. I mean with all the cheese, it
helps to get the wine out. If its late at night, and all that is on TV is this and that Tony Little
guy and his exercise bike, then I suggest Tony Little." ], [ "I have officially vomited in my own mouth, thanks to this movie.

I expected the absolute
worst with this movie, but I expected a heartwarming and pleasurable absolute worst. This is just
terrible. Absolutely terrible. Terrible like Nazis spreading the black plague. Let me explain: Ewoks
are speaking English. It's horrible.

The villain girl looks like she travelled from the
future set of Power Rangers. I really really want her to rise up from the ground and say \"At last!
After ten thousand years I'm free! It's time to conquer Earth!\" The putties... er, I mean the big
bad whatever the heck they are... they growl a lot. Many of them look like an even lamer version of
the Cryptkeeper. The Cryptkeeper was pretty cool, but these guys were not.

The only merit
to this movie was Paul Gleason. This movie might have been better if he'd went to the bad guys and
said \"If I have to come in here again, I'm crackin' skulls.\" It would have been even better if one
of the Ewoks was played by Judd Nelson, who mouthed his words as he said this.

Also, that
speedy little creature is pretty badass. Word to that.

No word to the movie, though. I
want to give this movie a two. I want to, so badly. There's a passage I have memorized: The path of
this movie is beset on all sides by the inequities of terribleness and the tyranny of spin-off
awfulness. Blessed is nothing, for this movie blows." ], [ "OK, let me start off by saying this isn't a horrible movie by any means. It's just not good. I
recall one poster saying the acting isn't campy it's just nuanced. No. I've seen nuanced Japanese
and Asian acting. I'm sorry, you're wrong. This is camp.

The characters are totally
unsympathetic, the deaths are totally random and utterly meaningless. The writing is bad. I'm fine
with suspending disbelief, I'm fine with not having everything handed to me in terms of plot. But
this movie has no plot. One reviewer stated \"This movie is set in a small town where people are
going nuts over vortexes and spirals.\" That's not a blurb, that's the entire freaking film.
Congratulations, I've just saved you nearly an hour and a half. There is nothing more to it. No
character development, no plot development, no explanations, no resolution. And not even the
\"Acceptable within the realm of J-Horror\" lack of resolution. Just nothing.

In addition,
the musical score is done by someone who obviously wasn't actually watching the movie at the time
because it's random enough to cause whiplash. Cognitive dissonance is one thing and done well it can
be brilliant (see Dark Water), but here it just seems as if the score was designed to go with
another movie all together.

The best example I can give is it's as if the Japanese remade
Evil Dead without any of the clever bits or good acting. It just falls flat. It's J-horror without
the horror." ], [ "This move reminded my of Tales from the Crypt Keeper. It has the same sort of idea of people get
what they deserve. I think that's always the them in a Crypt story. The same goes for the bad
acting. Very bad acting. I enjoyed the movie knowing that most people didn't like it and I wasn't
expecting much. Whenever I watch a stephen King movie I don't expect much because all his movies are
awful compared to the genius of his novels. I have read The Shining and Carrie and they were great
books. I love how Carrie played out like it was a true story and the whole book is a bunch of
reports and theories and such. It was so good. But I noticed that both of the novels were nothing
like the movies. The endings were very different then the movie versions. I assume from those two
novels that all of his novels are changed greatly and the endings are always cheesy. I ending of
Thinner is the worst. So Cheesy. I want to read the book to find out the real ending. I suggest
everyone who intends to read stephen King's novels to watch his movies before hand so that you may
compare. And that way you will be greatly satisfied in the book. I intend on doing so with all his
novels that were made into movies. I'm sure if they were made into movies they were real good
books... and the screenplay went terribly wrong." ], [ "Cut to the chase, this is one of the five worst films that I've ever seen.

Not that they
didn't try. There was some decent writing with some elements of structure in there, a good cast,
some good acting. I'm not sure where it went wrong, but it went horribly wrong.

Some of
the elements may have been bad structure and no substantive story, a lot of overacting by the lead
(who probably is much better when restrained), some bad directing and editing. I had enough at about
an hour, tearing my hair out at about a hour and a half and very agitated at the hour and fifty
minutes it ran. There was also an insincerity about it all, being that I went with someone who used
to be a heroin addict. He was agitated that it glamorized something that had nothing good to it.
That was bolstered by the pretty 17 year-old girl who was in love with the 30 year-old junkie./>
And the frantic nature of the lead was a turn-off enough. There were clunky plot points that
were an attempt at a structure, but the end result was listless and unending (with uneven time
lines). The characters were colorful but to no end, which made me feel bad for the quality actors
who you've just not seen enough.

Skip it. I assumed that this was a first-time director
who was enamored by his own turds, but he has done this before. I'm puzzled how this and many other
really bad ideas find someone who will actually give them money." ], [ "I purchased this film on the cheap in a sale, having read the back of the DVD case and assuming that
either way I can't lose, it if was rubbish then no loss, if it was any good then bargain...
/>Then I watched it...

I am normally a fan of Christopher Walken, but in this film he
commanded very little screen presence, seeming not to do a whole lot, even the death of his friend
near the beginning which sparks off the \"action\" in the plot seems to affect him very little, and
his eventual revenge is just boring and undramatic.

Normally a film which has themes as
grand as revolution and revenge are able to capture the audience and snare them into feeling
something for the characters, however watching this film felt more like seeing a series of confused,
and almost random events that loosely tied together towards it's eventual conclusion...
/>At this point I wept...

I thought this film was the most horribly painful piece of
viewing I have ever been subjected to, the scene where the pilot sacrifices himself by refusing to
jump out the explosive laden truck due to not wanting to kill any civilians is not so much
tragically sad as it is unnervingly horrible and painful, although not quite as bad as the emergency
surgery on the wounded girl. The acting was poor all round, the script and story was weak, the
\"action\" was even weaker, and the \"visuals\" were but bluntly not all that visual. To summarise there
are films which are good, films that are bad, films that are so bad they are good, films that are
terrible...

And then on a whole new level is \"McBain\"" ], [ "I don't know if I hate this movie as much as I did when I watched it two weeks ago, but if you're
expecting the events described on the box, forget it... that would have been a good movie. The great
descent described on the box is nothing compared to the descent into utter dispair that I took
viewing this movie. If you've seen HBO's Taxi Cab Confessions, this is the same thing, only
fictional, and not even remotely as interesting. If you really want to see something interesting
about a cab driver, check out the 20 minute short they run on Encore from time to time... it is
actually worth watching. I have never, ever asked for my money back for a movie until I saw this ...
thing. Boring, Boring, Boring. It does offer one unique trait, which is this: It leaves you to
decide what happens to each of the passengers, letting your imagination fill in the gaps. Which
would be great, if you actually cared about any of these people. Instead I found myself yelling at
the screen, weeping like a child, praying for either the end of the movie or my own death. The cab
driver himself (though well played, considering) runs through emotions seemingly at random, from
sarcastic to sympathetic to raging lunatic to apathetic. Sometimes it is appropriate, most of the
time it's just a display for it's own sake. \"Dammit, I learned all these emotions in acting class,
and I'm gonna use them!\" Now that I've been thinking about it again, I do hate this movie as much as
I did!" ], [ "I have never read the Bradbury novel that this movie is based on but from what I've gathered, it
will be interesting (when I finally do read it and I will). My comments will be based purely on the
film. As soon as I saw the trailer I knew I had to see it and was so excited but when I finally did,
I was so disappointed it hurt. This is because the movie itself felt so amateurish. The actors were
not well cast (though Robards and Pryce are both good actors - just not here). The kid actors, it
seemed, were merely asked to show up, get in the characters' clothes, say the lines and make the
faces. The set and props were cheap and unrealistic. The direction was surprisingly bad. I was so
surprised at the awfulness of it that I had to go online and check who directed it, just to see the
kind of work he had done. The editing was cut and paste and the plot (screenplay) was just that as
well (even though the author had been involved himself, irony?). The building up of the tension,
fear and suspense was so mild it was ineffective when the climax finally came.

I've read
some of the comments on this movie and find it hard to believe people actually like it. What hurts
the most is that the content is interesting and fun and intriguing. It had so much potential.
Unfortunately, the film was so technically bad it takes away from the brilliance of the story." ], [ "Let me start off by saying I am not a fan of horror movies. I never watch them.

Let me
tell you about my experience...

The only reason I watched this movie was because my
girlfriend and her friends wanted to see it over Happy Feet.

...I never saw Happy Feet,
but I am sure it is better than this...movie? Anyway, we didn't actually expect it to be good...we
actually went in just to laugh at it. Cool with me...I have a problem with ruining the movie for
other people in the theater but since it was just other couples talking and making out, it did not
matter.

After 15 minutes the 2 other people left to go sneak into Borat, a movie I would
have gladly seen again over this. The movie was not scary, and not stupid so it would be funny...it
was just boring. It wasn't terrible like \"Baby Genuises\" terrible, it was terrible like...not
entertaining at all. Avoid.

Now I am no expert, but it seems the problem with the horror
industry these days is that you can have a PG-13 horror that is boring and not scary, or you can
have an R gruesome horror movie that either is too bloody or too disgusting for people.
/>You want a PG-13 horror that sucks but is funny? See \"The Grudge.\" Avoid this movie like the
plague...because it may literally bore you to death.

0/10" ], [ "I went to see Random Hearts with 3 friends, and at first, I thought maybe it was just me who wasn't
enjoying the movie. After all, I didn't like As Good As it Gets and that movie won all sorts of
awards. Well, it wasn't just me...none of my friends liked it either. It was unbelievable slow, much
like getting teeth pulled. The only action that is in the movie is what is in previews. We didn't
walk out of the theatre because we all assumed something more would happen. We weren't as smart as
the 7 or 8 people who did walk out. I have never walked out on a movie in my life, but I definitely
should have. This is all tough for me to write, considering I am relatively easy to please when it
comes to movies. It takes a lot for me to think a movie is awesome, but not much for me to just like
it. This movie didn't even come close in the like category. Not only was the movie about 2 hours too
long, but it was like two separate trite stories in one, but they weren't smoothly sewn together.
Plus, the \"soundtrack\" if you could even call it that was so annoying. Like Seinfeld has the same
riff that is played over and over again (difference being that i like Seinfeld)..this movie had this
jazz riff that it kept playing, which sounded highly inappropriate at times, especially when people
were dealing with the deaths of the plane crash. Hard to explain what I mean, but trust me it was
awful. I cannot say enough to make people not waste their money. After I left the theatre, I
honestly wanted to write to the movie company and demand my $7 back..sheeesh, I could have gone
bowling or something for that money." ], [ "Its gonna be hard to make this fill 10 lines.... But ill give it a try (just to prevent others from
making the same mistake as i did - to watch this (awful and boring) movie.

I like Patrick
swayze - he did a excellent performance in films like Ghost - Dirty Dancing - Point Break - North &
South (TV series), but in this movie..... ARGH....This movie is so booooooring, the acting is awful
- the script sucks - well.. i cant even find ONE good thing, nothing, absolutely NOTHING. I was
watching it with 2 other friends and we all agreed that this was one of the most boring films we had
ever seen, and the fact that it lasts for more then 3 hours (which we didn't know) - when part 1 was
over and it said \"to be continued\", we almost cried \"nooooooooooooo, do we have to watch 90 minutes
more of this movie!!!!\".

Its painful to see this movie: At no time do you get the
impression that the actors are Russians, the action scenes are extremely bad. The ONLY good scene is
when the truck explodes in the beginning of the movie! The rest is CRAP! GO clean your toilet,
instead of watching this movie (and don't come running, crying if you do see this movie - you were
pre warned!) Personally i would recommend Patrick Swayze to call his agent and have them recall this
movie - its that bad." ], [ "I wouldn't be so quick to look at all the good reviews and say this might be a good show..This show
is only good if you don't know what \"talent\" is..I won't even say how offensive it is (I know it can
be offensive to a lot of people) because thats not really what bothers me about the show.. What
bothers me is that people watch this and think it's funny..It makes me feel like our generation is
getting to stupid and I'm actually scared that it will one day be run by people who watch this
garbage..

Basically the plot is simple..it's about an offensive,self centered,spoiled
women(Sarah Silvermen) getting through everyday life..

Thats it..Like that hasn't been
done a million times..In fact almost every joke either has been done or is racist..

Sarah
also likes to sing..I like her voice..thats it..not the lyrics..The lyrics are dreadful..which she
likes to sing about a lot of things..

If you like to see a hot women put everyone else
down and make them feel like crap while at the same time farting and saying crap about every race
then this show is for you.." ], [ "You see a movie titled 'battlespace', what are you going to think? Space battles with cool as heck
explosions and everyone shooting at each other. What do you get with this movie? Well, you do get
SOME space battle goodness, but for a great majority of the time it's just stupid people wandering
around doing almost nothing. NO ONE TALKS!!!! What is this nonsense?! We get a narrators, and a ton
of British computers, but thats about it. The main protagonist must be the worst one I have ever
seen, as she doesn't even have any dialog, and sleepwalks though scenes (literately!). Some of the
things happening are just stupid, like they use a rocket (like to go to space) for basic
transportation planet side, why not just use one of those nifty space ships? In any case, the music
is almost non-existent, with a few boring dull lifeless samples, but the main thing you will notice
is the Atari sound effects the ships use...you have got to be kidding me. I can also tell that the
budget was low, because everything looks fake, which is not what you would expect from a movie,
especially what should be a super cool space battle movie. I seriously think the budget must have
been in the double digits it is so bad, making you laugh more than you should at how plain bad it
is. I am starting to think that they paid the actors based on how much dialog they had, because
their is very little here (if you can't tell already that is my main gripe here, as I probably said
that like 3 times already)." ], [ "Don't get fooled with all the big names like Burt Reynolds,James Woods and Anne Archer. They are
just glorified extra's. Their scenes were probably filmed in one day or so. Whatever their motives
for being in this movie, if you have an actor like James Woods you better make good use of him. To
me this is a sign of bad direction through and through. The plot itself wasn't that bad. And the
acting from most of the actors was above average. Cuba Gooding Jr. however was terrible. He was so
unbelievable that I almost laughed at his dramatic scenes. And since this was meant as a serious
movie that can't be a good thing. The action scenes were not bad,but they lacked that special punch
to make it more exciting. Again better direction was needed. Also the pacing was wrong for a movie
like this. It took the main character almost half an hour to get in action. For an action thriller
of only 90 minutes that is far too slow. The only redeeming factor is Angie Harmon. She does her
best to make it all work. Too bad the director left her hanging. Yes,this movie could have been much
better with a great director. Andy Cheng is far too inexperienced as a director to pull it off. And
for an action/stunt coordinator of his caliber you'd expect at least more exciting action scenes.
Don't waste your time with this one. Avoid!" ], [ "i should qualify that title, now that i think about it. Checkout is not entirely worthless. i've had
the opportunity to see it twice, and on the second time i did get a great laugh at the movie's
expense. so i guess it's worth something for that. and also it's worthwhile for the excruciating
pain it caused me on my first viewing. as another reviewer pointed out, this film is hackneyed in
every sense of the word. not a single original thought went into this movie (which makes the comment
below about the originality of the premise entirely baffling to me). the film is nothing but a long
line of cliches which are strung together and paraded around as a movie. it is definitely not the
next Clerks, it is definitely not original, and it is absolutely not \"good, clean fun.\" the film is
absolute agony to the uninitiated (after seeing it a first time, the second time can be quite funny,
in an insulting sort of way). as i looked around the theater, it was obvious that nearly everyone,
barring perhaps the elderly, were completely bored or pained by this movie. during some of the
particularly emotional scenes, like where Nick chews out his mother, the audience was actually
cringing because it was so poorly done. i even heard someone *groan* in the theater, something i had
heretofore never witnessed. i don't care where you have the chance to see this movie, be it at a
film festival, or in a indie theater, or wherever. do yourself a favor, skip this movie with a
vengeance. unless you're like me and just can't resist the opportunity to see what may truly be the
worst movie ever made." ], [ "God, I never felt so insulted in my whole life than with this crap. There are so many ways to
describe this piece of crap, that I think that if I said everything that came to mind, I would get
banned by this site.

How do I begin? Well, for one, it doesn't take knowledge of the
original series to know that this movie is a slap to the face of people who've seen it. The biggest
butchering of a theme song ever made is here, from a metal version, to a freaking RAP VERSION, what
were they thinking? How does Underdog and a electronic-heavy musical style match? The story is so
basic, that I will do something I don't usually do and not even give a summary. Just think this: A
dog gets superpowers, fill in the rest. That's how predictable this movie is. And then comes the
jokes....please kill me now. This style of humor that might not even get the kids laughing, it's
that bad, well, expect that punch line after the sneezing. That was slightly funny.

But
what surprises me the most is why Jason Lee(Ny Name Is Earl), Patrick Warburton(Emperor's New
Groove), and Jim Belushi(According to Jim) are all here. In the shows/movies I mentioned, the
actors, in my opinion, do a good job, and, excluding Lee, are the best actors in this movie, but
that says very little. The rest deserve Golden Rasberry nominations for this crap. I am very sad to
see such good actors buried by this disaster.

All in all, this is just as bad as Doogal,
which I reviewed as well, and again, my head would explode if I saw anything worse than this." ], [ "Perhaps one of the worst teenage slasher films I ever did see. I'll start with the bad points of t
he movie, which pretty much covers the entire film. First of all, something no one can avoid:
TERRIBLE ACTING. I swear they picked up some random kids off the street based on how they looked.
Secondly, BAD/UNCONVINCING CHARACTER WORK/DEVELOPMENT. You hardly even know half the kids who are
killed in here. All you figure is that they deserved it one way or another. The scarecrow's
character was overdone, and a cheap rip-off of the other great fantasy killers such as Freddy or
Pinhead. Next: BAD DIALOG: The Scarecrow was full of horrid one-liners that would make you laugh,
only because it was so terrible. Lines like \"Let's go find some small animals to torture!\" really
just leaves you with an eyebrow raised. Last but not least: Next off: BAD CASTING. How old was the
guy who played Lester? Like 30? The back of his head was balding for God's sake. There is much more
I could say about this film, like it's cheap special effects, it's \"high school film class\" effort,
but the point is understood. It's just bad film making at it's worst. As for what I found to be
\"good\" in the movie: -Entertaining for those with low, low, LOW standards -Would help put insomniacs
to sleep. -A very cheap laugh, or even a giggle." ], [ "Welcome to the world of Vikram Bhatt, the man who was once successful and got several hits with
small actors like KASOOR, RAAZ and also the multistarrer AWARA PAAGAL DEEWANA and his one film with
Aamir GHULAM

One sneak peak about this films are that all are Hollywood remakes and some
decent ones like the once which worked

SPEED is a remake of CELLULAR and that too a
terrible one

A look at the stars, we have the once saleable but now out of work Urmila
and Sanjay Suri, then we have the flop Aftab, Ashish Chaudhary, Zayed Khan and others

The
film could be a decent thriller but many problems are there The storytelling has several
cringeworthy scenes like Zayed hijacking a Mobile Company and many more and the stunts too are
laughable while the twists in the end are too laughable The film also took a long time to reach the
theatres which looses it's spark

Direction is awful Music is outdated

Zayed
Khan screams, makes faces.etc what he does always Urmila is good in her part, Sanjay Suri is not
that convincing Ashish Chaudhary tries hard in a negative role and he is okay Aftab is horrible and
he makes you laugh in a negative role Surprising the same director gave him his only solo hit KASOOR
Sophie is horrible Tanushree is a non actress" ], [ "After coming off the first one you think the wayans brothers could come up with some new jokes.
Though i guess not. If the first one wasn't bad enough this one is just so bad it hurts to watch.
With all the actors they had in this film you think they could come up with something a little more
clever. Though they couldn't, they had to take all the same raunchy, not funny jokes from the first
one and somehow put it into this film thinking people would laugh at it again. Though the thing is i
didn't laugh at it the first time. They tried to make these movies into parodies though they failed
at every level. Most of the time it's just randomly inserted jokes, that are so disgusting and
raunchy that it's hard to watch it and enjoy it. Then when they do try to do scenes that are movie
parodies they just end up making a 20 minute recreation of the scene with maybe one joke within the
entire scene. Also for people saying that its not for the older and real young audience, well i fit
into the age range that it's supposed to be funny for. While people say that different people have
different ideas of what is funny or not, if you do find this funny then you probably aren't one of
the more mature or intelligent people around. It doesn't take that much skill to write that kind of
a script, though if you do want a more clever and funnier movie go see the movie Spaceballs. It's a
movie parody that's actually good and well done and it didn't have to use disgusting and raunchy
jokes to make it funny either." ], [ "When I first saw this movie, I said to myself, \"Hey what the heck it sounds like a good movie, why
not rent it?\". So yeah, I rented it and went back home to see it. When I inserted it in my DVD
player I was shocked.

Well FIRST of all, no one told me it was a Mexican movie and was
spoken in Spanish, good thing it had subtitles.

SECOND, it was nude, nude NUDE! Since I
have no background whatsoever in Mexican movies, you could see my shock when I saw it. *GASP!
Covering virgin eyes, NOO*

THIRD, predictable to say the least, but actually being it
predictable was no excuse to me in liking movies, because I don't seem to care if it's predictable,
unless it's way over the top.

FOURTH, how Heidi and Kike were reunited, so cheesy. />
FIFTH, how the movie ended. It was a BAD, BAD ending. How Mr. Van der Linde's sudden
approval to the mayor's election was because her daughter, knew how to throw the party... BLAH,
Blah. I was hoping that he wasn't that easy to accept it, the director might have just rushed it.


After all of this bashing of the bad stuff, the good stuff's are here to come. The movie
was actually quite hilarious at some point with Maribel being clumsy in the kitchen and all, Heidi's
attitude, Valentina being poetic with words. What I really also like about it was the song that
Valentina made with her girl friend. That's all, and for the other stuffs that I haven't mentioned
they were just so-so." ], [ "This movie is horrendous. Decent fight scenes or not, the acting is REALLY bad, like you can tell
they're reading their lines from a card. With painful line delivery by everyone in the cast. Think
watching a high school play and cringing at the obvious lack of smoothness in the actor's
interactions (weird pauses between different character's lines, combined with hurried line delivery
by others). If the movie were all action, this might be forgivable, but a lot of the movie includes
plot set-up and Family Guy style, irreverent cut aways (Oh, wow, are they badly done). I'm assuming
they were attempting to be funny with these, but it again came off as a bunch of high-schoolers/
college entry students goofing off for the afternoon trying to set up a funny Youtube clip. />
Now to the fight scenes. They're not too bad, considering the level of quality seen
everywhere else in the film. Nothing great either, certainly not anywhere near the same level as
other posters have stated (Nothing like Drunken Master). The fights have an overly staged feel, with
LOTS of cuts to different angles with blatantly different positions by those involved.
/>In sum, the only reason to watch this movie is if you were one of the guy's friends involved with
this very, very cheap production. Which guy you may ask? Oh, the same guy who wrote, directed,
produced AND stared in this Middle School masterpiece." ], [ "I have always been a fan of Bottom, grabbing as many videos as I could find of the series here in
the states. The chemistry between Rik and Ade is always genius, and the combination of smart writing
and utterly stupid humor seems to work without fail. I thus sat down to watch this movie with great
eagerness... and was utterly disappointed by the end.

The first 3/4 of the movie can best
be described as uninspired and poorly directed (sorry, Ade!), but with some utterly brilliant
moments. Unfortunately, these laugh-out-loud moments make you realize how less-than-brilliant the
rest of the movie is. The slapstick starts off funny but eventually becomes a bit boring, with only
the perverted sex jokes to keep things humorous.

The end of the movie (the 'green'
scenes, for those of you who've seen it) was... perhaps the worst ending I've seen in the past
decade. Honestly. It was one joke repeated about thirty times, followed by an abrupt ending that
made no sense (which didn't bother me) and wasn't funny (which did).

To sum up, I was
sorely disappointed by this movie. I shall cling to the few brilliant moments in it, to retain the
fondest memories that I can... but I have to warn you, if you're about to overpay for your NTSC
conversion tape from the local importer, don't. There are far better things to spend your money on." ], [ "This movie had the potential to be a decent horror movie. The main character was decently done and I
felt sorry for him and there was a decent amount of backstory. HOWEVER, everything else sucks. The
director, Emmanuel, is quite incompetent at film-making. He uses some of the most idiotic shots
ever.

- a couple of random sequences of random images dispersed throughout the film. I
don't know if he tried to be deep and intelligent and poetic but he wasn't. It was stupid. Random
shots of the trailer the main character lived in, random buildings, random pan shots of buildings,
random cat which walks away. WTF? And clouds. Lots of gloomy dark clouds.

- he really
liked this technique of having a scene cut up into different shots rather than being just one
continuous shot. EX: Guy is trying to light his weed and the camera circles around him. Instead of
just one shot, he edits it into like 10 different shots so its really EDGY! and HIP! and SMART!
stupid.

The acting is horrible but it's what makes the movie so funny. And the scarecrow
is a gymnast cause he flips and spins and twirls all the time. And some of the deaths could have
been better. You expect the main bully to have a long well built up death but nope. A simple corncob
in the ear . The love interest was hot. Voluptuous. Which is why this movie gets a 2." ], [ "I watched 3/4 of this movie and wondered why it got such horrible reviews here. It was fairly easy
to watch (at 3am). It had good casting - Kevin Dillon's role of the sociopath serial killer was very
believable - he was both charasmatic and chilling. The rest of the main characters weren't so bad
either.

This is your typical stalker/suspense movie. A married couple cannot conceive so
they go to a fertility clinic for help. A sociopathic \"genetic material\" donor fixates on the
recipients and, in typical stalker form, intrudes into their lives.

As I said, most of
the movie was fairly good.. we see \"Conan\" grow more and more obsessed in raising his baby and
creating the perfect family with the mother. Of course things don't work out for him the way he
planned. Not a bad plot line.

But, the last 15 minutes were just horrible. I am pretty
tolerant with movies (especially at 3am!).. but, I was just amazed at how bad the ending was
written. I actually scoffed outloud!

All in all, not the worst movie I've seen, but I
wouldn't be able to sit through it again (unless I skipped the ending). The only redeaming quality
here was Kevin Dillon's role - - one of the best serial killers ever.

Try looking around
at the other channels before watching this.. But, if nothing better is on, I'd give it a try.. =)" ], [ "\"A Guy Thing\" tries to capture the feeling of \"There's Something About Mary\" or \"Meet the Parents\"
but comes off more like it was edited up out of cutting-room rejects of those two films. Thankfully
I rented it on a 5-day rental because I couldn't sit and watch more than 20 minutes at a time./>
The premise is decent and I liked the scenes where other guys automatically cover up for
Paul's missteps (the checker at the Save-mart was great) but the script-writing is absolutely
horrible. The dialog falls flat most of the time and just when you think that things are finally
going to get on track some needless sight-gag is stuck in for no good reason. Plus how many toilet
jokes does one movie really need?

Don't get me wrong, slapstick humor is great when it's
smartly done as in the other films I mentioned, but this movie simply misses the mark. Too bad as I
love Julia Stiles (Ten Things I Hate About You was great) but even that couldn't help me sit through
this terrible movie. Save your dollars and go rent \"There's Something About Mary\" one more time." ], [ "I just finished reading Forsyth's novel 'Icon'. I thought it was one of the most in depth, detailed,
and page-turning books I ever read, definitely in my top 10. I acquired a DVD version of the book
starring Mr. Swayze. OK, let me first point out that to fit a decent adaptation of the novel into
2.5 hours film time would of been impossible, so I understand the teams reason to sway from the book
version and differ. However, when I say \"differ\" what I really should say is \"take the characters
from the book, add a few, leave a few out, take away the book's plot, add a modern new plot, add
Frederick Forsyth's name in there somewhere\". Im not saying this was a bad picture, far from it,
some of the effects were top notch and the acting wasn't half bad. The story sucked and didn't rely
on logic or reality. Forsyth's novel was so good and real and altered the facts of reality instead
of exaggerating them.. This could of been so much more if it had taken its time and been made into
say a 10 part series. If you haven't read the book then expect a decent TV movie with a good acting
cast, if you have read the book then try and forget it when watching this." ], [ "this is a terrible, terrible film!!!!!!!!!

first of all TOOO long. the longest movie i
have ever seen.

the stories are all too Damn Over the Top!!!!

as a matter of
fact there are too many stories that the Story line is Ruined.

the comedy wasn't
Comedy!!!!! it wasn't funny at all....

the story is so repulsive and badly written that
it doesnot matter if the characters live or die.......

i had some expectations from this
movie......... but my expectations were crashed completely in the first few minutes......
/>the only thing good about this movie is the MUSIC...... and obviously Vidya Balan. she gives the
best performance and stands out among all the senior actors...... she's just a new comer and yet she
shines and makes the rest of the cast look so Pathetic!!!!! Govinda and the Blonde who playes his
love interest also help saving this Disastrous movie. Govinda perfectly fits in the role of the Taxi
driver. and the Blonde also gives a very subtle and consistent performance....

another
Talented actress Ayesha Takiya is completely wasted in this movie!!!! so is priyanka!!!!!!!!! Akshay
does his role well but it seemed too over the top!!!!! Anil and Juhi are also totally
wasted......

the only one not wasted is Salman Because he has No Talent what so ever to
be wasted!!!!!!!!!

all in all this is a very Impossible movie with Mishmashed screenplay
and TOOO Masladar that the storyline is shaped according to the stupid comedy scenes. imagine how
stupid this movie is!!!!!!

3/10 it is four hours long!!!! think and RETHINK before going
to the cinemas!!!!! better Avoid it!!!!!" ], [ "Yes, in this movie you are treated to multiple little snowmen on the attack in apparently a very
warm climate so yes this movie is definitely not to be taken seriously. It is in fact a much worse
movie than the original as at least with that one the whole production looked like it cost more than
a couple of bucks and a video camera to make. It has its funny moments, but really playing off the
cheapness of your movie and making that be your intended laughs is kind of weak film making if you
ask me. You can not come up with a good story, your effects are going to really be bad, hey let us
just make the movie look as bad as possible with horrible one liners and we have our movie. The
first one at least had a somewhat credible story as the snowman in that one attacked during the
winter and not what amounts to a resort. It also had better effects too, this one is just a step or
two ahead of \"Hobgoblins\" as far as the monsters are concerned and you really want to be more than a
step a two above a bunch of hand puppets. Still, it makes up for all of this with a super ending
that depicts a great sea vessel being taken out by the mighty frost. Actually, I am just kidding,
but really it was the funniest part of the movie." ], [ "The plot it's not so original. If someone saw \"L'ultimo Bacio\" there's nothing new. A wealthy family
in Rome living everyday life that's is boring and false, with everyone asking to others what they
think about them. Really boring after an half of hour because it's simple to understand where the
story is going to finish. This because it's simple to see the moralistic view of Muccino in this
movie, so even the hardest parts seem normal. To summarise in the first 2 minutes of the movie it
would be enough and the aim of the movie were already said. the family saw from a 30 years old, i
don't like to see movie that want to show the reality but for be coherent to his thoughts has to
push more than the normal the situations. Really good how Muccino put the camera in the right place
moving with the carathers and it's the only reason that bring me not sleeping in the cinema though
always in the movie scream from the begining. Perhaps it could be good to see the family how they
are in reality and not put the blame to something out of it. Morante was intense and great as usual
but unfortunatly on a bad movie!" ], [ "A terrible movie containing a bevy of D-list Canadian actors who seem so self-conscious about the
fact they are on-camera that their performances are overly melodramatic and quite forgettable./>
This film is badly written, badly edited, and badly directed. It is disjointed,
incomprehensible and bizarre - but not in a good way. McDowell does a great job with what he is
given, but is the only one in this film to do so - he really has a bad story and script to work
with. It's not even camp enough to be funny.

I have yet to see Van Pelleske act in a
credible manner, and even the sub-characters like Eisen (with his nasal, whiny voice) confirm that
we are on a lot in Toronto rather than on a barge off Africa.

Didn't the director see
that the 'creature' looks like a jazz dancer in an alien suit? The fight between the blue bolts of
lightning and Pelleske's orange wisps of 'magic' (!?! for lack of a better word), is obviously the
result of bad actors, with no choreographer, overlaid with completely derivative special effects.
Was there even a director on set or in the editing room for this disaster film (not the good kind)?


Learn from the mistakes of others ... don't even waste your time with this one, you'll
regret it like I did. I have nothing more to say about this waste of celluloid." ], [ "I'm big into acting, writing, and directing, but not famous yet. My friends and I frequently rent
bad movies, just for fun and a good laugh, but when we went to the local Family Video and found a
movie called Biker Zombies From Detroit, we knew it was gonna be the worst movie of all time and it
was! Biker Zombies From Detroit has no script! They can say they do have one, but they're liars!
There was a 4 minute scene of just two guys riffing about women and sexuality, and you could tell it
was improvised. And if they're going to improv, it should be at least decent, but it wasn't, and you
could tell by the two actors screwing up lines and saying stuff that didn't even make sense./>
To give you an idea of how terrible and retarded this movie is, here's the beginning: a girl
flicks a guy off, he punches her in the face and beats her up, then rapes her. Then we see zombies
who attack and they both turn into zombies.

This is the beginning of the movie! Not to
mention the lead zombie voice over that carries through the whole movie, trying to be sinister and
thought provoking, but sounding like Marylin Manson having a conniption fit.

Worst movie
ever. Bottom line, folks. But watch it if you like movies with no script, no plot, bad acting, bad
editing, bad music, and over 100 F words used in the movie.

If this can hit video stores,
my future films are gonna win Oscars." ], [ "I saw this with high expectations. Come on, it is Akshay Kumar, Govinda, and Paresh Rawal, who are
all amazing at their comedy, I was really hoping for a laugh riot. Sadly, that is not what I got at
all...

Unfortunately, nothing in this movie really made me laugh out loud. There were
times when I chuckled at one or two things, but nothing really made me laugh. In short, it was badly
attempted comedy, and in a way, a bit of a Hera Pheri wannabe.

Out of the three main
guys, I think Paresh Rawal's role was the most powerful. It wasn't the biggest role, but it
certainly stood out more than Govinda or Akshay. Their performances were okay I guess. Nothing
special, just mediocre. Though Govinda stole the limelight from Akshay in more than a few scenes.
Lara Dutta and Tanushree Dutta also make appearances in this film, and both of them were pretty bad.
Lara's role did not move me, or make me laugh, and Tanushree Dutta's character just got on my
nerves! The music seems to be the only good thing about Bhagam Bhag. My favourite song is \"Tere
Bin\", followed by \"Afreen\", which I really liked. \"Signal\" and the title song \"Bhagam Bhag\" are also
worth a listen.

You either will like it or you won't. And judging by the poor comedy and
lack of direction, I don't think you will." ], [ "I won't waste your time by describing the plot for this, the other reviewer already did this quite
well. I will however give you my opinion of this movie. This movie is basically anti japanese
propoganda. The japanese are portrayed as incredably evil b**tards who have respect for nothing, as
well as having very poor martial arts skills (groups of japanese men get there asses kicked by
single women on more than one occasion.) The fact that the japanese fighters lose almost every (if
not every) fight in the movie kind of takes away the suspense. The plot is actually quite solid and
perfect for a kung fu movie though. The problem lies in the fact that there's not much fighting.
When there are fights some of the fighting is quite good, but other scenes are choreographed badly.
One scene angela mao takes on six japanese in a church and kicks all their asses. The problem is
they show her fighting them one by one when they're all supposed to be attacking at the same time. I
gather this movie was incredably cheap considering how cheap some of the sets are. They use the same
village set for when they are in korea and when they are in china without changing it at all. Some
scenes are filmed at real locations though, and they look good. Overall the only real problem with
the movie is it's slow moving and uninteresting plot. Since there are few fight scenes we have to
rely on the plot for entertainment and, well, I wasn't entertained.

one and a half stars
out of four" ], [ "I am writing this review having watched it several months ago....the trailer looked promising enough
for me to buy this lame excuse for a movie. It is a complete joke....and literally a spit in the
face of real classics of the early generation of horror like Texas Chainsaw Massacre (1974) which
they even had the gall to compare itself to on the back of the cover art. The producer who played
Brandon should go flip burgers and serve up greasy hamburgers....hell he might not even be good at
that either! The lighting was bad bad bad and a big annoyance through out the film you couldn't even
see the actor's faces sometimes. I don't even remember the rest of the cast members which is sad
really, bad they never do anything to impress you to make them memorable. That's all the time I will
waste on this review PLEASE stay as far away as you can from this pile of junk even if you get it
for 25 cents don't do it buy s piece of gum at least IT would keep you entertained!

If
you want good quality low budget fun, far better than this... then check out a Jeff Hayes
film....because it takes talent to make it in horror and the kid has it!

I gave this 1
star just for the cover art....thats the only thing worth liking abut this so called \"film\"
/>-Rick Blalock" ], [ "This is just the same old crap that is spewed from amateur idiots who have no clue how to make a
movie--gee maybe that's why it is a straight-to-video wanna-be movie!

I guess it is my
fault for actually spending money to see it (one of the worst decisions I have ever made). What a
waste. I usually like B movies, some of them are actually quite good--but this is just too
ridiculous and stupid to even be funny.

The losers that made this junk deserve to be put
out of business for wasting everyone's time and money making a movie that obviously doesn't even
deserve to be on film! These so-called movie makers have absolutely NO talent!

Stupid
plot, horrible acting (especially the drag queens--what sicko would actually find that sexy?!), lame
writing (if there even was a script--seems like the kinda bull**** someone just made up on the
spot)

What is stunning about this movie is its utter lack of anything well-done at
all.

How much attention to detail would it take to insure that every frame of a film
would be so far below any reasonable standards? I don't think it would be possible to make such a
bad movie intentionally, and it is inconceivable that sheer bad luck could produce such consistently
awful results.

Anyway, avoid this stink bomb at all costs!!!!!!!!!!!!!!!!" ], [ "This might very well be the worst movie I've seen in my life. Normally I don't watch movies like
this, however I was forced to watch this at school. What a torment!

The story is as
average and boring as it can be: Boy meets girl at the Spanish coast, boy and girl fall in love, but
the love between the two seems impossible and everyone and everything is against their love. At the
end of the movie the film becomes some kind of weird kung-fu movie were the guys in white fight the
guys in black. Awful!

The action is so bad that it makes you laugh. The dances in the
film that I think are supposed to be cool are so simple and laughable that even I can do them! And
Georgina Verbaan is possibly the most irritating person i've ever seen on screen.

Johan
Nijenhuis is on his way of becoming the Dutch Ed Wood. His movies are so bad that they make you
laugh.

Victor Löw however gives a surprising good performance and Daan Schuurmans also
acts OK.

So please for your own sake don't watch this movie. However if you like watching
soaps this might be very well worth your time.

Yuk!

2/10" ], [ "First up this film, according to the slick said it won \"best film\" at \"Worldfest\" Film festival in
Houston, Texas. Hmmm must have been a quiet year.

Wouldn't call this the worst film ever
but it certainly sucks, is pretty much just as terrible as other Aussie B grader \"Body Melt\", but at
least that film didn't look like it was shot on HI 8 video.

My guess is the film makers,
watched a lot of Troma films, and really bad B grade gore films, thinking that they too could crack
into the business releasing this film.

Don't get me wrong, I love really low grade films,
Just the fact that some of the characters put on fake American accents, almost as if doing so would
give them more chance to sell it in the states or something. Really disappointing ending as well,
the showdown could have been way more exciting, and some good fight scenes. You can completely see
that the film makers are trying to copy \"Bad Taste\" with the whole, car explosion, rocket launcher,
and endless amount of people being gunned down, yet the finale lacks any over the top humour, or
style like \"bad taste\".

If you like watching really bad gore films, or are interested in
no-budget film making, watch it, otherwise stay away." ], [ "Return to Frogtown was a hard film to track down. Well, I accomplished that mission and it had been
sitting on the shelf for a good while. Wish it was kept that way! First, Sam Hell is of course not
Roddy Piper. He is replaced by a dude with a large face, less charisma, and this poor actor is very
soft-spoken for the part! Sam Hell is supposed to be rebellious and awesome. Here, he gets captured
THREE times! What kind of a hero is that?! Spangle is replaced as well here by another actress. Why
did we not get different characters here? This was stupid! Lou Ferrigno stars in this film and he is
not even the hero. Common sense says let Lou be the hero of the film! Bad effects, poor acting, and
just a forgettable film. Funny as they take shots at Ninja Turtles 2 with the whole concert scene in
this movie. At least Ninja Turtles 2 was funny and not a bad movie! I really wanted to like Return
to Frogtown, but I just cringed when the fight scenes would commence. This film makes Turtles 3 look
like gold! Avoid this or you will be the one singing \"meaner, greener, talking turtle TV dinner!\"" ], [ "I really tried to like this movie but in the end it just didn't work for me. I have seen most of
Kitamura's output and have found it to be very variable. Alive, like all of his films has an
interesting plot, some nifty sequences and a fair amount of creativity. However, these qualities are
in painfully short supply in Alive. The plot is cool if not all that original and could have made
for a pretty ace film. Unfortunately, the pacing is painfully slow and the film takes an age to get
going, before reaching fairly predictable places. The action is just about passable, with the final
fight pretty cool, and the earlier one about OK. The earlier one is also marred by overspeedy
camera-work, making for less coherency. There are some neat visual effects and some interesting
ideas floating around in the dialogue but the film still drags badly. The characters are neither
well fleshed out nor well acted and the setting and general color scheme is drab and boring. The
film is not completely terrible and has some points of interest, perhaps judicious use of the fast
forward button could improve it. With about twenty minutes taken off the run time this could be a
pretty decent sci fi thriller. But the full length film is dull. Only recommended to very patient
and determined Kitumura fans." ], [ "this movie has no plot, no character development, and no budget. it really sucks to put it in short
terms. Since there is no development for the movie, it really can't even be looked as trying to be
artistic or trying to make a statement against torture. Which leaves two other reasons to possibly
watch it. To be shocked or to get off on it like a sick little freak. Well it falls short here too.
The girl's reactions just seem dumb. it's extremely easy to tell that it's fake (honestly
professional wrestling looks more realistic than the crap they try to get by with in this movie.
They throw innards on her, but she's asleep for most of it, so it's just kinda dumb. The only really
kind of worthwhile part is the end when they quickly cut from scene to scene just before the needle
goes into her eye. But honestly the girl is extremely ugly and everything is incredibly fake, with
the exception of the eye. if you want a good movie about torture, go watch Hostel and Hostel 2. Not
only do they both contain realistic violence, but there is also an actual storyline that draws you
in and makes you care about the people. Plus the tow movies really work on a deeper level
considering themes like American fears of foreigners, issues of morality, testing how far a person
can go, human instincts vs. civilization, and many other things. Plus they are carefully written and
contain some good humor when the story isn't focused on the violence. These are much better choices
over this piece of crap" ], [ "I've had never been disappointed by a Kurosawa film, but this is probably the first. \"Doppelganger\"
is the worst I've seen from this director.

Tartan Films is advertising this as \"The most
frightening film yet from Kiyoshi Kurosawa\". What? The most frightening film from Kurosawa is
definitely \"Kairo\". And if you think this is horror, your in for a surprise. This can't be
classified as horror, or thriller. This is a drama, and a pretty bad one at that. A lot of scenes
that were meant to be shocking have turned out being funny, and a lot of the plot is really
confusing. And since it's Kurosawa, the pacing is slow. But it's so slow that you'll lose interest
forty minutes in, and feel like doing something else. The thing that annoyed me the most was the use
of CGI. Now CGI, if used well, can be really cool. But if executed with little care... It can be a
disaster. I think that describes one scene here that has a very minimal use of CGI.

The
only positive thing I can give \"Dopppelganger\" is that it has really good acting. Koji Yakusho gives
a great performance, along with the rest of the cast. But that's pretty much it...
/>Please, do yourself a favor, and go watch \"Kairo\" or \"Ko-Rei\" if you want to be scared. This is a
bad, bad attempt at a smart drama. Which it is intelligent, but... Well, there's a lot missing./>
3/10 for the good acting." ], [ "OK, first of all, Steve Irwin, rest in peace. You were loved by many fans. Now...this movie wasn't a
movie at all. It was \"The Crocodile Hunter\" TV program with bad acting, bad scripts, and bad
directing in between Steve capturing or teaching us about animals. He was entertaining as an animal
seeker/specialist. Millions will miss him. But the whole movie idea was a big mistake. The plot was
so broken, it was almost non-existent. Casting was horrible. The acting wasn't even worth elementary
school-level actors. The direction must be faulted as well. If you can't get a half-way decent
performance out of your actors, no matter how bad the script is, you must not be that good in the
first place. I could have written a better script. I wish I had never been to see this movie. Of
course, I watched it for $3 ($1.50 for me, $1.50 for my son.) while out with friends who insisted
upon seeing this instead of Scooby Doo Live Action. My son, who is not so discriminating, liked the
movie alright, but he still has never asked to see it again. If you want fond memories of Steve
Irwin, buy his series on DVD. Avoid this movie like the plague. If I were Steve, I know I wouldn't
want to be remembered for this movie. Respect him: avoid this movie!" ], [ "This movie had the potential to be a very good movie in my eyes, Nicholas Sparks is a great romance
author and this movie had every chance to be just as great as The Notebook but whats sets the two
apart is the notebook had a dream team of leads in McAdams and Gosling but here the balance is
thrown miserably off by the inept acting of Channing Tatum

I felt a lot of the scenes
were uneven purely because of his performance, a lot of the emotion in various scenes is lost
because he cant act, leaving an awkward and uneven situation, Amanda Seyfried given a great
performance only to have Tatum drop the ball and the mood is lost and the scene cant recover./>
This story deserved to be cast right, but what it got was a pretty boy who cant act. Tatum
should stick to what hes good at, movies that are more about his physical ability, albeit horrible,
like GI JOE, step up, and Fighting. The less he talks the better.

Try not to think of me
as a jaded hater of Channing Tatum I went in to this movie with an open mind, because I've been
surprised many a time by the likes of Adam Sandler in Reign over Me. I gave the same chance to Tatum
I didn't view him here as the sum of his past roles, purely just by his performance in this movie,
which sadly was a letdown" ], [ "\"Submerged\" is definitely NOT \"the worst movie ever\". It does have its flaws, such as borrowed
footage, crazy script and non-existent special effects (these are the worst), but it also has some
good points too. The acting is surprisingly good, there are LOTS of familiar faces whom you probably
know if u're a b-movie fan like me.

I was very glad to see Brent Huff playing one of the
heroes, knowing him mostly for his 80's action films, and i must admit, he is not a bad actor at
all. Fred Williamson, Maxwell Caulfield & Tim Thomerson get some limited screen time, but are
believable in their parts. The \"eye-candies\" in this Fred Olen Ray movie are Yvette Nipar and Nicole
Eggert, both looking very sexy and very mean. Michael Bailey Smith adds some muscle to the
background as a Navy SEAL. Unfortunately the only cast member who (in my opinion) is completely out
of place is Coolio. He doesn't act at all, talks like he didn't even read the script, and being a
badass in the beginning of the movie, gets shot like a wimp a hour later. Not a good choice./>
To sum this movie up - this is not such a bad choice for late night entertainment. If you
can get over the special effects thing (so many guns, so much fire, and not a single wound on
anyone), Coolio's annoying performance, and the recycled footage from Airport 77, you might like
this no-brainer after all." ], [ "I wanted to like this film, and certainly there is room for a psychological character-driven movie
which doesn't go for the cheap thrills. Yet, for the enjoyment of a movie, one requires a believable
plot, some pacing and editing, and a feeling of involvement. In The Clearing, what starts out as an
intriguing mystery, with a kidnapping and unknown motives, turns into a slow draggy pointless
exercise. Nothing much really happens, and the so-called character-driven angles (as expressed by
the director in his commentary) really don't add up to much.

Fine actors are wasted here.
Robert Redford does his best trying to engage and outwit Willem Dafoe. Dafoe brings a bit of nuance
to his character, insofar as one can feel somewhat sympathetic towards him. It's unfortunate that
Dafoe has been typecast as a villain, he's gone into the Christopher Walken Hall of Fame of
Typecasting.

Wendy Crewson is usually good but her character's entry into the movie was
brief and contrived, and I was wondering why they even bothered to introduce her character. By far
the biggest waste of talent was Helen Mirren. In the director's commentary, all I heard was how
fabulous a talent she is. I agree, she's a great actress. Then why was she not used properly? Only
towards the climax of this movie does she get to show herself, but by then the viewer has quit
caring.

Too bad, I liked parts of this movie, but as another reviewer wrote, once you're
halfway in you know the film is not going to get much better." ], [ "The story idea behind THE LOST MISSILE isn't bad at all, but unfortunately the story does get a bit
dull towards the middle and the overuse of stock footage as well as poor special effects sink this
film to the sub-par level.

The film begins with a missile heading towards the Earth. In a
panic because it's about to strike the Earth, the Soviets manage to deflect the object. This isn't
necessarily good, however, as this seemingly unmanned craft has a vapor trail that destroys
everything in its path AND the ship is now in a low orbit over the planet. In other words, with each
pass it makes, a swath of death follows--one that could potentially kill us all!! So, it's up to the
good scientists of the US (led by a very young and hardly recognizable Robert Loggia) to formulate
and plan to save us--and especially save New York that is in its immediate flight path!
Unfortunately, they aren't able to save Ottawa (I've never been there, so I can't say whether or not
this is a big loss) but thanks to good old American know-how, they are able to eventually destroy
this harbinger of destruction!!

So, as you can see, the story idea isn't bad and rather
original. But, so many old clips of fighter planes and guys manning radar scopes gets a bit old and
it seemed like padding. Overall, a decent but hardly inspired film that extreme fans of the genre
may like--all others, see it at your own risk." ], [ "This is strictly for Pryor fans. Just because he was a great, funny guy doesn't mean this is more
than a B-Movie. The script is awful, it just meanders around constantly ridiculing crime and
prisoners of war. It balances between comedy and melodrama and keeps falling on its face doing
justice to neither.

First there are 30 minutes of rather unrealistic, uninspired Vietnam
prisoner of war time – the guy is playing basketball at one point... How more can you pander to your
audience?... That prison time is boring, unconvincing and already can easily put one to sleep. />
Back in the U.S. the guy for no real reason at all is considered a \"war hero\". Yet he is of
course quickly forgotten by the public and seems to be stumbling into all kinds of wacky mishaps. Or
are they really? We will soon find out. Yawn. There are annoying clichés: his sick mother, his
little daughter he never meets, a high end whore falling in love with the hero etc. It is very odd
how this movie constantly switches from tragedy to slapstick in one instant. Doesn't work at all.


Overall this in fact is just a bad comedy and does a disservice to prisoners of war.
Just because this guy was a great stand-up comedian, played in a few good movies and died of MS is
no reason not to be annoyed by this silly, unconvincing, unfunny comedy. But if you like Richard
Pryor you will probably be thrilled by him reading 3 hours of Dadaist poetry." ], [ "This was a real let down for me. The original Bride with White Hair is a great kung fu fantasy film
but this one was pretty weak. I didn't care at all for the new characters who unfortunately
dominated the screen time and the story wasn't well developed. While the first film was tragic and
involving this one was tedious (as I merely counted the time to the end when the ill-fated lovers
would actually meet). The action was poor in this one as well. The fights were not choreographed
very well and there really wasn't much kung-fu at all. Just a few weak sword fights between the
highly dis-likable Lui and one of Lin's henchwomen. Lin herself mainly uses a sort of telekinesis to
throw people into walls and sometimes her hair, a far cry from the impressive showing with the whip
and kung-fu she displayed in the previous film. I still gave this movie a 4 because at least it was
fast pace and I did want to see what was going to happen at the end, though I (as most anyone who
watched the first one) predicted it would go down the way it did and after seeing it I found it
anti-climactic and wished they had either made a proper sequel or just left the story alone. I
really recommend the first one but as for the sequel only fans of the genre and those who really
want to see Lin as the bride one more time need apply." ], [ "This is a pretty bad movie. But not so bad as it's reputation suggests. The production values aren't
too bad and there is the odd effective scene. And it does have an 80's cheezoid veneer that means
that it is always kind of fun. Watch out, too, for Jimmy Nail's brief appearance - his attempt at an
American accent is so astoundingly rubbish it's fantastic. Fantastic too are Sybil Danning's breasts
- they make a brief appearance in the movie but the scene is repeated umpteen times in the end
credits in what can only be described as the 12\" remix of Sybil Danning's boobs. Has to be seen to
be believed. As a horror movie it isn't scary, the effects are silly and Christopher Lee turns up to
sleepwalk through his performance. I guess he was buying a new house and needed some cash for the
deposit. The two central characters - the man and the woman - were so negligible that I have
forgotten almost everything about them and I just watched this movie earlier tonight. The werewolves
are noticeably less impressive than in the original movie, in fact, bizarrely, they sometimes look
more like badly burned apes. The eastern European setting is quite good and the music provided by
the new wave band Babel, while being pretty terrible, does at least give the film some added
cheese.

Overall? Good for a laugh. Not good quality but did you seriously expect it to
be? And, at the very least, you've always got Sybil's knockers." ], [ "I sort of liked this movie, not a good one, but not the worst ever made. Though, everyone else says
it is one o the worst movies ever created, I thought it was okay. There are a lot of immature jokes.
It wants to be funny sometimes, but fails.

The story is OKAY. It may be a little hard to
follow for the younger audiences, though.

The acting is pretty bad. Jamie Kennedy is a
horrible actor at most times. At some times, it is even laughable. Alan Cumming is probably the best
actor in here. He is funny when he is supposed to be, but some of his lines are god awful.
/>Oh, and the main bad thing about this movie that I hated was Tim Avery's voice when he is
possessed by the mask. The voice is HORRIBLE. Also, the scenes that he is in are so unfunny, that
they are almost unbearable. I am sure they could have cut him out, and it wouldn't affect the movie
at all.

Overall, you can live without seeing this. It is a nice movie to watch if you
have nothing else to watch, though. They definitely could have gone without making the sequel, but
it is a decent effort. 4/10" ], [ "was this tim meadows first acting role in a movie? the character, leon, is funny enough but shortly
after that the sexual jokes and humor are too dumb to listen to anymore. some movies can get away
with the sexual jokes, and base their audiences to know that right when the advertising comes on.
some movies that do this are american pie and scary movie. scary movie was stupid, and american pie
wouldnt have done well without the sexual jokes. the only role, besides leon, that had some humor
that followed was will ferrell. the character really was dumb and that was all, the dumb humor was
all that had me watching. the movie was ok, and nothing else. i dont really understand why the snl
people that are dying to leave the show always get a movie based on a character they played on the
show. the skits last about 5 minutes, and if they can make a movie off a 5 minute skit, then what is
the world coming to? molly shannon had superstar, cheri o'terri had scary movie, but she wasnt a
leading role, and will had elf. but that was good, but he did some dumb movie, but i cant remember,
and mike myers with wayne's world. how come the mad tv crew dont ever get movie deals? seen only one
guy break through, but only in like 2 movies and a tv show with andy dick. but that guy relies on
comedy for his life to continue, funny or not. this movie is not good, but had some positive humor.
what a waste of film and people's money. (D D-)" ], [ "Having seen the hot Eliza Dushku in the pretty good Wrong Turn, I decided to pick this one up
instead of Return of the Living Dead, of all movies. Haven't seen that one yet, but, considering it
is one of the most highly acclaimed horror movies ever, safe to say I made the wrong choice. There
is simply nothing to recommend this movie, and I am talking about the supposedly superior killer
cut. It didn't even have the youthful sex appeal of mediocre to poor movies like I Know What You Did
Last Summer or Valentine or Urban Legend. It simply made no sense, held no excitement, had very
little interesting acting or compelling writing. The release date was apparently put off numerous
times for about a year running, and the reason is obvious. The whole movie comes off as a bunch of
meaningless scenes thrown together haphazardly, to meaningless effect. Get Wrong Turn instead, if
you want to see Dushku. I would like to see a movie with her and the super-hot Elisabeth Harnois--
but I don't think even that would have made this movie watchable. Casey Affleck, so promising in
Good Will Hunting, is awful here--he seems to lack both intelligence and guts. That's enough on this
one." ], [ "Revenge of the Sith starts out with a long action sequence that is impressive without being terribly
exciting, then gets really boring for the next hour and fifteen minutes, with the same horrible
dialogue and dull machinations that have plagued the rest of the prequel series. The only thing that
improves the proceedings is the slow--and I mean slow--build-up to what we know will be the birth of
Darth Vader. And when that finally comes, it's pretty all right. Not great. Not even good. But
pretty all right. This movie is being vastly over-praised because it does not suck to high heaven
like the previous sequels. Instead it's just turgid, dull, and routine. But you have to say, wow,
those CGI environments are really impressive at times. Bu the lightsabre fights? They're all a
blurry mess. I think the dark side took hold of Lucas when he started these prequels and no one
noticed. This will make a ton of money, but thank god it's over, this once-worshipped franchise has
been beaten down enough. I saw the 12:01 show, and after it, I heard a group of very small kids say,
wow that was awesome! But everyone older than eight all grumbled the same thing: I fell asleep in
the middle. It was kind of boring. I just thought seeing the birth of Darth Vader would be better.
So said we all." ], [ "Don't be taken in because the premise of this film is a good one. It is, but that, does not a good
film, make.

Comedies require a well-honed script and masterful direction. Sadly, this
poorly executed film has neither. Leconte, a good director in other genres, does not deliver in his
comedic farces (Les Bronzes series being another example).

The comedic timing is
terrible. Some jokes are telegraphed. Some are re-hashed from other movies. Others just sit there as
if they were giving you time to laugh. The plot has messy subplots (the allergic daughter, the
lesbian co-owner) and just does not develop or envelope the viewer. It isn't funny and it isn't
believable for a second.

Compare this to any comedy by Billy Wilder (Some Like it Hot, A
Foreign Afair, etc.) or by Leconte's compatriot, Francis Veber, a true GENIUS at French comedy (Le
Diner de Cons, Le Placard, Les Comperes, La Chevre, La Grande Blonde, etc.) and you'll see the
difference in their tight scripts, great comedic acting and timing, with each joke leading to the
next one.

Watching Mon Meilleur Ami twice would be cruel and unusual punishment, not a
good sign for a comedy." ], [ "at first i thought it was bad because i had great expectations for this movie, but after giving some
thought it IS that bad. i was almost caught up in hk's promotion of bad stars in bad movies. hk's
new generation of actors and actresses not to mention bad script writers are bringing the industry
down. at the moment im still trying to figure out how it gross so high. normally you cant lose in a
movie with donnie yen and ekin (forget jackie, he's past his peak). but then i shouldve figure it
out when twins was on the cover. it is cheesy, campy, very corny, i try to laugh from some of the
jokes, but not only is the effect very minimal but the jokes are very recycled and not funny. im
sorry i bought the movie. the only reason why some people think it is so good is because they are
brainwashed into the hype that the twins are cute, and everybody likes them, and that everything
they make is good and funny. and that if you like twins, then you are up to date...
/>sigh... i miss the good hk movie days when jet li and stephen chow movies dominated the box
office...

movies from mainland china are much better than this, and they are shot for
lower budgets." ], [ "Wow, this film was just bloody horrid. SO bad in fact that even though I didn't pay to see it, I
still wanted my money back.

The film is about nothing intelligible. It's a mish-mash of
sci-fi cliche's that were done better by much more skilled film makers. The performances, especially
by the leads were over the top in a less endearing Ed Wood sort of way. Speaking of Ed Wood, he'd be
proud of the character's dialogue. It's just too taciturn with no hint of irony or sense of humor.
On top of that, it doesn't make sense, nor does the plot, or lackthereof.

The visual
effects are okay, but not enough to go \"oh wow, that's cool\" and they just seem to be thrown in to
\"be cool\" rather than be a good plot device.

The soundtrack was another mishmash of stuff
that really never set any sort of mood. Again, it seemed as if the director was just throwing in
songs in the film in an effort to \"be cool\".

Which brings me to my final point. Perhaps
if the director actually worried more about plot, story and dialogue instead of trying to \"be cool\",
he wouldn't have made such a dorky cliche' of a short film.

" ], [ "Is it a coincidence that Orca was made two years after Jaws? Orca isn't exactly a \"Jaws rip off\" but
it is obvious that it tried to profit from Jaws's success. First of all Orca in my opinion was a bad
movie, not terrible but definitely not good, average at best.

The plot is basically a
male killer whale (orca) after seeing its mate and its unborn calf killed by a fisherman seeks
revenge. I couldn't stand to watch this movie again. The direction of this film is poor and when
compared to Jaws it looks like the director, producers, and writers were almost talentless.
/>As for the acting, it was very average and believable, however the actual characters aren't the
least bit likable. The effects were alright for its time and the footage of the killer whale looked
pretty good.

The violence is confusing, bloody, and not recommended for more sensitive
people. The music is overdone and very loud, drowning out the sound effects and irritating at times.
I hated the way they exaggerated the intelligence of the killer whale (killer whales don't mate with
only one mate as depicted in Orca).

Overall this movie was bad/poor in my opinion,
because of the reasons listed above. Some people may appreciate this film more because of the
concept of vengeance amongst animals and humans so I'm not going to bash this movie and I can
understand why some people may like it.

My Rating: 3.5/10 (but for its concept possibly a
5/10)" ], [ "I saw and liked the first two a lot, really. Especially because the second is not just a try to make
another one as good as the first. And it's a story standing alone. You don't have to know the first
movie. I liked that in the \"Free Willy\" movies, too.

But... the third, here is absolutely
useless! I tried it with a friend of mine, because we both liked the first two. We decided to stop
after a good half an hour. The movie is okay, there are funny parts in it alright. But what for?
Timon and Pumba were funny creatures in the first two movies. What Lion King 1 1/2 is for me is: a
hard attempt to get even more fun of the first movie than it had already, plus telling the story
from their point of view. But what for? I'd really like to know. You know, the idea of the two of
them sitting in the cinema watching the first one, is really nice. But what comes after is mostly
unnecessary. I guess many people liked Timon and Pumba, and so do I really. Yet, for me many parts
were very constructed with a try to be funny. No chance, most of it wasn't funny at all, at least
for me. Btw. what was the movie about anyway? Was it a) about Timon and Pumba or b) an attempt to
get more fun out of the first movie? I tend to choose option b and I'm very disappointed about
it.

If you like to see stories like: \"the story behind xy\", you should see \"Rosencrantz
and Guildenstern Are Dead\" by Tom Stoppard with Tim Roth and Gary Oldman. That's really funny and no
try to get more out of \"Hamlet\" then it has." ], [ "How this film gains a 6.7 rating is beyond belief. It deserves nothing better than a 2.0 and clearly
should rank among IMDb's worst 100 films of all time. National Treasure is an affront to the
national intelligence and just yet another assault made on American audiences by Hollywood. Critics
told of plot holes you could drive a 16 wheeler through.

I love the justifications for
this movie being good... \"Nicholas Cage is cute.\" Come on people, no wonder people around the world
think Americans are stupid. This has to be the most stupid, insulting movie I have ever seen. If you
wanted to see an actually decent film this season, consider Kinsey, The Woodsman, Million Dollar
Baby or Sideways. National Treasure unfortunately got a lot more publicity than those terrific
films. I bet most of you reading this haven't even heard of them, since some haven't been widely
released yet.

Nicholas Cage is a terrific actor - when he is in the right movies. Time
after time I've seen Cage waste his terrific talent in awful mind-numbing films like Con Air, The
Rock and Face-Off. When his talent is put to good use like in Charlie Kaufman's Adaptation he is an
incredible actor.

Bottom line - I'd rather feed my hand to a wood chipper than be
subjected to this visual atrocity again." ], [ "This is another Bollywood remake of a Hollywood movie. Hitch...If I'm correct.

The film
has some great moments which will have you laughing out loud which frankly only come from Govinda
who has become a legend within Indian Cinema and will always bring his A game in terms of comedies.
Another bonus is Rajpal Yadav; who is hilarious as the gangster who mimics 'Don', an Indian icon of
cinema. Lara Dutta is a plus...I know I sound shallow but its mainly because I have a soft spot for
her, she tries to be funny but its seems to be forced. Her acting is weak...but she still shines.
Salman Khan is atrocious, he tries to bring the cool, charming depths but fails miserably, he over
acts and keeps shouting for no apparent reason.

'Thats not acting mate, thats called
being mentally challenged'

Katrina Kaif is just bad...not very good at anything. No
charisma, no talent..and I don't see why people consider her pretty... The plot was far fetched and
I had a hard time believing that Katrina's character was remotely attracted to Govinda. The only
good thing is the music...'You're my love' was the best in the soundtrack." ], [ "This film is a very funny film. The violence is bad, the acting is...Well Dani, stick to singing or
screaming or whatever the hell it is you usually do. The random chicks wearing hardly anything is
just to catch sexually-frustrated goth lads in. Personally, i think this movie really does suck. The
story and characters COULD be very good, if say the directing, the actors and other little nibby
things were made better. But the film is just bad, the only reason why people like this piece of
crap is because it has Danni in it. This film is possibly the worst B-rate film ever. And, believe
me that's hard to achieve, especially when you're competing with Def by Temptation and over crappy
excuses for \"serious\" horror movies. I'm not a CoF fan, and so i just see this as another rubbish
movie...A really bad one. If Dani made this as a comedy then, good going him. Very well done. Over
than that though, i rate it low, for it's crappiness. Watch it when you're in a happy, happy, joy,
joy mode so you can laugh at everything or if you're high on multiple different types of drugs." ], [ "This is a parody. That means, there are no characters as such, they are all plain stereotypes, and
the movie relies completely on the quality of the jokes.

Well, there ARE quite some good
jokes in this movie. Unfortunately, they are hidden in a mass of real stupid ones. If one expects
all dialogues to be absurd, the fun wears off.

You see, there is American Pie 2, my all
time favorite teenager movie. It contains a lot of real original characters. Maybe the jokes are
tasteless, but all the people have some kind of live. For example, they feel embarrassed if
something embarrassing happens. That is what makes the jokes themselves actually funny !
/>Not so this movie: every scene is clearly arranged as a pure parody, so there are no characters at
all, therefore there is really no room for any sympathy. Too, if you know the original movies, you
know whole scenes in advance. Add the fact that many jokes are not funny at all, and you have this
movie.

The only thing that saved me from getting completely bored where in fact the
comments from some teenagers in the cinema where I was watching the film.

Ah, and my
personal highlight of the movie was the very short appearance of Melissa Joan Hart in one scene.
Sigh. She is just too cool, she can't be real. Hmm, worth a whole movie ?" ], [ "The film is bad. There is no other way to say it. The story is weak and outdated, especially for
this country. I don't think most people know what a \"walker\" is or will really care. I felt as if I
was watching a movie from the 70's. The subject was just not believable for the year 2007, even
being set in DC. I think this rang true for everyone else who watched it too as the applause were
low and quick at the end. Most didn't stay for the Q&A either.

I don't think Schrader
really thought the film out ahead of time. Many of the scenes seemed to be cut short as if they were
never finished or he just didn't know how to finish them. He jumped from one scene to the next and
you had to try and figure out or guess what was going on. I really didn't get Woody's (Carter)
private life or boyfriend either. What were all the \"artistic\" male bondage and torture pictures
(from Iraq prisons) about? What was he thinking? I think it was his very poor attempt at trying to
create this dark private subculture life for Woody's character (Car). It didn't work. It didn't even
seem to make sense really.

The only good thing about this film was Woody Harrelson. He
played his character (Car) flawlessly. You really did get a great sense of what a \"walker\" may have
been like (say twenty years ago). He was great and most likely will never get recognized for it. />
As for Lauren, Lily and Kristin... Boring.

Don't see it! It is painful! Unless
you are a true Harrelson fan." ], [ "I rented this movie last week. I saw Kevin Spacey and Morgan Freeman were on it, so it seemed
promising. And it was, until Justin Timberlake came on scene. He is a really bad actor and shouldn't
be allowed to make a movie ever again. I mean, he is one of the most boring, uninspired actors I've
ever seen. He puts absolutely no emotion to any of his lines whatsoever. Why the hell was he cast
for the role of Josh Pollack? I think Matt Damon would have been a better choice.

Kevin
Spacey was another big disappointment. His character is so dull, it seems like a bad mix of his
character in American Beauty and John Doe in Se7en. It might sound cool, but believe me, it's
not.

Now, Dylan McDermott's acting is very good. It's about one of the very few good
things about this movie. He is just inspired.

Morgan Freeman is good but nothing special.
He has some really cool lines though.

About the story, although it was a bit obvious and
exaggerated at times it was good. I was expecting a big twist when Lazerov (Dylan McDermott) was
killed, but nothing really happened." ], [ "This is probably one of the worst movies I have ever seen. Jessica Simpson not only lacks any acting
skill, but the script is incredibly shallow and lame. You actually hear serious dialogue that goes,
\"I love you more.\" \"No, I love YOU more.\" I stopped watching the movie (online) after the first half
hour, I couldn't take it anymore. Her \"southern girl charm\" just doesn't work and is really quite
annoying; her attempts at slapstick humor fall flat and she delivers lines like she is reading the
script right off the page.

Poor Luke Wilson. Did he not read the script before agreeing
to do this, or did he fall for Papa Joe's (Jessica's dad and also the producer of the movie) promise
of big profits? Hopefully he now knows better than to sign on to another movie like this. Luke
Wilson is actually a good actor - I hate seeing the pained look on his face as he suffers through
the bad dialogue.

Also, I think the previous commenter giving this movie an 8 out of 10
was probably either involved in the movie somehow or hired by Papa Joe to give the movie a better
rating. No one in their right mind would actually find this movie engaging.

Jessica has
lots of money, right? Maybe buy some acting lessons?" ], [ "Wow, I was really disappointed. I wasn't really planning on seeing this movie in the theater, and I
wish I stuck to that plan. It really should be a made-for-tv movie. I was kind of excited to see it,
as I'm a big fan of Fairuza Balk, but this movie didn't do her justice. Infact I'm a little
disappointed with the acting all around. What a horrible cover up of Fairuza Balk's tattoos, it
bothered me every time I saw her shoulder.

There was no flow to the movie, it was very
hard to get into it. One scene we get angry, hyped up, we want blood, the anticipation rises, just
then the director takes us to another scene to show the love between Annie and Bobby. It would have
been more enjoyable to follow if it was broken up into three sectional sunday paper comic strip./>
There was also little logic behind the characters chosen to play some parts. The gangster
leaders were scrawny guys, not very believable. Matt Dillon head of a mobster organization? Come on,
give me a break. There was just no intimidation there.

The soundtrack.. wow. I think
this is one of the worst musical scores I've ever heard. What awful guitar solos, my god. The sound
of my teeth grinding was more pleasing to my friends, I'm sure.

Anyhow, there is one
positive comment I'd like to make about the movie. The settings were nicely done. I liked the
colours, a good job conveying that time period." ], [ "This film is so incredibly bad, that I almost felt sick watching it. Up until this point, the other
installments had at least one good thing about it. Part 1 was suspenseful and gory. Part 2 was off
beat and entertaining. Part 3 was interesting with great effects. Part 4 had great music, good
special effects, and a new entertaining Freddy Krueger. Part 5 is more boring than anything I've
ever seen before. Alice, a much prettier blond, from Part 4 is back with her boyfriend Dan. At
parts, this supposed Elm Street installment turns into a daytime soap. The newer characters seem
harsh, and even that sweet Alice has a chip on her shoulder. Freddy seems to be completely out of
this one. He looks tired, and doesn't seem to be as gruesome. His one-liners seem out of place and
different, where as in Part 4 they could be pretty funny. Leslie Bohem's story never gets off the
ground and Stephen Hopkins' direction is so bad, that it makes my grandmother look good! The whole
plot of this movie is ridiculous and unrealistic. It's also confusing and pretty stupid. Avoid Part
5 at all costs!" ], [ "All Dogs go to Heaven was a quirky, funny movie; With good name talent who's voices lended an adult
familiarity to a cartoon basicly for kids. It was just interesting enough to be likeable by adults
aside from something good for the kids to watch.

Unfortunately ADGTH2 is a valueless
sequel trying to make a bit of cash rideing on the coattails of the first. Charlie Sheen is a
passable replacement for Burt Reynolds in this second movie and Sheena Easton's voice in a few of
the movies lovely but forgettable songs makes her a worthwhile pick as a co-star for this. Add Dom
DeLuise from the first movie and you'd think this would be a decent mix to make this sequel at least
relatively decent compared to the first one.

Unfortunately even with the addition of
other good voice actors such as Bebe Neuwirth in the horrible role of Anabelle, this movie cannot be
saved from the atrocious production values and animation skills (or lack thereof) present all over
this movie. Horrible editing, syncronization of the voices, and flat out spaces where characters
mouths should be moving to dialouge but are not combine to make this movie look like a college
interns animation project instead of the decent sequel it could have been.

All in all i'd
say unless you were a very big fan of the first movie i'd give this a very large PASS." ], [ "This film is perfect for over the top cheesy zombie lovers. its a film you can laugh at from the
acting to the terrible zombie action. that being said, i gave this a 4 outta 10 for effort cos
horror is a hard genre to make. going down the list the bad points of this film were as
following.

#Bad make up #terrible sound and sound effects #really bad continuity #cheesy
dialogue #one song played through the whole film #stein couldn't act and in my opinion one of the
worst I've seen #terrible ending #racist moment and stealing Simpson's character named
/>the good points #good costume #police officers seemed to have the best acting exp #the actors with
less lines or small roles did appear to be better #good attempt with gore

i don't wanna
bad mouth the film, its funny to watch cos of these bad points and i think thats what makes this
film OK. if it was any better i don't think it would of made any difference but it wouldn't be
interesting to see a remake with all the same cast as i believe they have possibly improved over the
last 7 years." ], [ "Let me start out by saying i will try not to put too many spoilers in this. Normally I enjoy Robin
Williams movies, however this gem was not one of them. It was billed as a suspenseful thriller. The
night listener was anything but. To be blunt there were 6 people in the theater opening day, 2
walked out, for good reason. The movie was in my opinion poorly written and directed. The acting was
alright but again there wasn't anything to work with. The movie is about A storyteller who reads a
good book by a dying kid. However *insert spooky here* no one can verify the kids existence. So
Williams goes to Wisconsin to try and find the author, however all he gets is a headache and excuses
from the boys caretaker. There thats it, thats all. You wait for about an hour and a half and movie
ends. It had as many thrills and chills as a dentist office visit. The homosexual undertones, or
overtones had really nothing to do with the story, and the movie had a little profanity but it
seemed to be thrown in there for absolutely no reason and made little sense. In conclusion i really
can't write a decent review on this film because there was nothing to it, it was as captivating as
watching paint dry. I gave it a 2 because the acting for what it was worth was alright and it wasn't
directed by Uwe Boll." ], [ "Considering the limits of this film (The entire movie in one setting - a music studio - only about 5
or 6 actors total) it should have been much better made. IF you have these limits in making a film,
how could the lighting be so bad? And the actors were terrible, were talking a hair below the acting
in Clerks, except that was an enjoyable movie, this had no substance. Well it tried to, but really
fails.

It makes attempt to be self-referencing in a couple parts, but the lines were
delivered so poorly by the actors it was just bad. And the main character Neal guy, what a pathetic
looser. Clearly like 10 people total made this 'film' and they all knew each other, and it probably
was a real rock band that they had, but unfortuntly these people really have no idea how terrible
they are all around. This was made in 2005, but they all look so naieve it smacks of just pre-grunge
era.

Thankfully I didn't pay to see this (Starz on Demand delivers again!) but it was
under the title \"The Possessed\" not Studio 666, it doesn't matter what you do to the title, it can't
help this. This could have been a much better made movie - there is no excuse for this bad film-
making when you have the obvious limited parameters the filmmakers had when they made this, working
within those limits you should make the stuff you can control and the stuff you can work with the
best you can. Instead they figured mediocrity would be good enough. And that music video, wow that
was bad, I fast fowarded through that.

So 2/10 is fair, if you are into the whole b-movie
crap I suppose you'll go and see this." ], [ "Let's get one thing straight; This was BAD! So Putrid that it doesn't even qualify to be imprinted
on anyone's memories.

The ever repeating storyline (who's constant recycling of not only
jokes but story lines and character appearances.) A typical storyline goes as follows; Sue (the
mother) opens the episode quoting on how she loves her baby son but smells awful (As if THAT doesn't
get old! har-de-bloody-har!), some Australian quasi-nationalist \"bogan\" -look it up- appears to say
how she thinks she's awesome because she's an ozzie while everything/everyone else that isn't sucks
before disappearing for the rest of the episode. (a small mercy)

The rest of the plot
revolves around the father (Gary) getting in some kind of disagreement with Sue and him talking to
members of his band for advice on how to sort it out.

The phrase \"words fail me\" is an
old one but this is where it is the most truthful thing to say. It is so incredibly BAD! So
HORRIBLE, that I would like every trace of it's existence sent to the lowest depths of the North sea
and life can go on.

It saddens me though, to see someone as good as Sally Bretton (good
actress, I like her) make a prat out of herself, Ardal O Hanlon (My Hero aside) has the ability to
be pretty funny - but not here - and Ben Elton, distinguished for so much good stuff somehow manages
to come up with this...thing then comedy is in very serious trouble!" ], [ "Oh boy! Oh boy! On the cover of worn out VHS has a picture of Sandra Bullock and her name written on
top. I think only reason they had chance to sell the movie in nineties, was because of Sandra
Bullock's name. Bullock's fans don't have to disappoint. Sandra is only thing to watch in this movie
and her performance is the only you can call acting. Rest of the movie… It's fun to watch in first
fifteen minutes because it's bad but after that it's going worse. Much worse. Directing is awful.
Acting is awful. Script is awful. Dialog is awful. Action is awful. Music is quite good actually.
Typical score for eighties action movies. This movie is so bad that it goes close to anything Andy
Sidaris has ever produced. It's so bad that there isn't proper word to describe this poor attempt to
be a movie. But still, there was Sandra Bullock. And super cool (sarcasm) Jake LaMotta who tried to
be Marlon Brando.

I think they can now bring the film out on DVD. It could be cool! And
they should write on the cover: ACADEMY AWARD WINNER SANDRA BULLOCk IN HANGMEN

1 out of
10" ], [ "This film is based on the novel by John Fante. Could someone please tell me why? I see absolutely no
reason why this fine book should be adapted in this way. If you want to make a romantic melodramatic
Hollywood production with Colin Farell and Selma Hayek, then how could you possibly make a
connection to Ask The Dust (the novel)? -And if you wanted to make this story into a film, then why
would you want to make it into a romantic melodramatic Hollywood production with Colin Farell and
Selma Hayek? I don't get it.

The adaptation of the story is poorly made, and if you have
read the book and liked it, I'm almost sure you won't like what Towne did with it.

In
the beginning of the film you'll maybe find the casting odd, the acting bad and the cinematography
just a bit overdone. But you hope for the best. I really hoped a lot during this film. I actually
wanted it to be good. But it only gets worse, and it is as simple as that: Whether you read Fantes
novel or not, this is not a good film. Just another romantic melodramatic Hollywood production
combined with bad acting, lack of structure and - of course - plenty of shots of Colin Farells naked
butt.

I could complain a lot more about this film, but why waste my time. I've seen it.
Alright. I had to see it, because I like the book so much and was curious. And I'm very
disappointed.

1/10 is for Colin's sweet little mustache in the end of the film. So
sweet... Had he worn it the whole time through, I'd given it 2/10." ], [ "I read reviews on this movie and decided to give it a shot. I'm an open minded guy after all and
I’ve given good reviews to some pretty bad flicks. As the end credits rolled on this one I searched
for meaning and something nice to say. Here goes: \"This film was mercifully short.\" That's all I
got.

Okay, Okay. The sets and visuals were well done and the music helped lend to the
mood of asylum life but the film was painful to watch and the endless dialogue took away from the
good bits. I did find myself laughing at this film but the way you laugh at your best friend who
just embarrassed himself in front of a large crowd.

By the time of the \"chicken dance\" at
the finale I had just decided to tuck and roll with the film and let the bodies fall where they
fall. I don't know what could have salvaged this film. The acting was not bad and it looked like it
had a budget but there just wasn't any way to make it watchable; not even the presence of beautiful
bare breasts. Maybe I should have sparked a doobie or drank a LOT of beer to get the full experience
of the film. Either way, I'm not watching this film again unless I'm really depressed. Then I can
tell myself “At least I wasn’t in ‘Dr. Tarr's Torture Dungeon.’ I’m better than those guys.\"" ], [ "The first film is somewhat good to me, I enjoyed it for the most part, but I thought it was really
nothing all that special. However, when compared to this mess it looks a whole heck of a lot better.
Why they felt the need to make the movie is beyond me, but they should have known it could not match
the acting of the first movie when they only could get Ruth Gordon back to reprise her role. The
story kind of follows Rosemary's baby around and stuff, but in reality it is kind of a mess, it does
not help that the movie is a television movie and the television look shines through very well. It
has more of a comedy tone to it as well which hinders it greatly, if they really felt the need to
make a sequel they should have made it an R rated movie that had some nudity and gore in it. I am
sure it would have still been quite bad, but at least it would have been more watchable and fun
which this movie is not despite its trying to be funny. I saw this one on Monstervision and Joe Bob
had nothing really good to say about it in the intro and I do not have to much to say either. I do
have to say it was a sequel that should have never seen the light of day." ], [ "The plot of the movie is pretty simple : a viral outbreak turned the population into flesh-eating
zombies. Those who left became \"hunters\".

Well, first of all, this IS NOT the worst
zombie movie there is. Among the worst are \"Zombiez\" and the infamous \"Zombie Lake\".

In
fact i think, the idea for \"Quick and the Undead\" was very good, just executed poorly. Considering
the budget they had to work with, this movie looks very good. I wasn't bored at all while watching
it. Special Effects were solid, although they did use CGI once (fat zombie getting shot in the
head), but everything else (gore, guts) was rather good. Acting is awful however. Our main guy looks
like young Clint Eastwood, other \"actors\" are not even worth mentioning. As far as the plot goes,
they didn't work enough on the development of the story.

Bad : acting, low-budget. Good :
special effects, idea for the movie.

Overall, this flick deserves 4/10 from me. It's not
as bad as people say. Imagine a ZOMBIE WESTERN, then watch this movie." ], [ "OK, I kinda like the idea of this movie. I'm in the age demographic, and I kinda identify with some
of the stories. Even the sometimes tacky and meaningless dialogue seems semi-realistic, and in a
different movie would have been forgivable.

I'm trying as hard as possible not to trash
this movie like the others did, but it's not that easy when the filmmakers weren't trying at all./>
The editing in this movie is terrible! Possibly the worst editing I've ever seen in a movie!
There are things that you don't have to go to film school to learn, leaning good editing is not one
of them, but identifying a bad one is.

Also, the shot... Oh my God the shots, just awful!
I can't even go into the details, but we sometimes just see random things popping up, and that, in
conjunction with the editing will give you the most painful film viewing experience.

This
movie being made on low or no budget with 4 cast and crew is not an excuse also. I've seen short
films on youtube with a lot more artistic integrity! Joe, Greta, I don't know what the heck you were
thinking, but this movie is nothing but a masturbation of both your egos. You should be ashamed of
yourselves! In conclusion, this movie is like what a really lazy amateur porn movie will be if it
was filled with 3 or 4 lousy sex scenes separated by long boring conversations and one disgusting
masturbation scene. If that's not your kind of thing, avoid this at all cost!" ], [ "This horror movie is really weak...that is if this is the correct movie I am commenting on. Nothing
really terrible goes on as a family adopts a cute little German Shepard pup. I had a German Shepard
and it is a really good dog. I did not get the idea to get one from this movie though, but rather
from the comedy \"K-9\". That is another story all together though. This movie really doesn't have
much horror at all as the most horrific scene is at the end and it looks really cheesy. Also, we see
a guy almost put his hand into a lawn mower. That is about it. The father suspects something though,
as his family seems to be getting rather strange, somewhere he finds out if you hold a mirror to
them while they are sleeping you can see if they are possessed. All in all a really weak horror
movie even by television standards...television movies that do work are out there as \"This House
Possessed\" is pretty good and there is another haunted house movie about a woman and these strange
creatures that is also rather good. This one is really rather dull." ], [ "Think of an extremely low-rent version of \"Heathers,\" and you've got \"Pep Squad.\" That sums up the
flick in a nutshell. I must give credit where credit's due, though. The film has a nice visual
appeal to it. I liked the cinematography, I liked the wild color schemes, I liked the costume
designs. But without good acting, a film has no redeeming value. I'd rather watch a film with little
visual appeal, with good actors and sharp dialogue (i.e.: \"The Brothers McMullen\" or any Edward
Burns film). The actors either recite their dialogue in monotones or scream it out like they're in a
bad soap opera. This is why I don't badmouth most mainstream actors. Let's face it, most actors who
are mainstream are mainstream for a reason. If they're not \"great\" actors, they're at least
competent. People badmouth Leo DiCaprio, but when was the last time you saw a movie where he recites
the dialogue as if he's reading it off the page? It's a shame, because the director seems like he
knows his stuff when it comes to mis en scene (sp). At the same time I can't totally praise Steve
Balderson (the director). He did write the screenplay, which contains some horrible dialogue. He
might be slightly racist too, since there's a black principal in the movie, who inhabits a
culmination of African-American stereotypes." ], [ "...was so that I could, in good conscience, tell everyone how horrible this movie is. I barely made
it through twenty minutes before I started thinking to myself,\"Wow, this is pretty bad.\". And, to be
honest, I would've given this movie 1 star if it wasn't for Esai Morales (though he had very little
screen time). He's the movie's only well-acted role, which is a shame because I really like Gil
Bellows...or at least I thought I did.

While watching this I started thinking back to his
part in \"Shawshank Redemption\" and realized it wasn't as good as I thought it was. Problem: his
jail-house/tough guy act seems like it's just that, an act; his dialogue sounded like he was doing a
very poor impression. Has he ever met someone who speaks like his character was SUPPOSED to? I doubt
it, but maybe he should have.

And, to make matters worse, they've managed to inject a
little jail-house philosophy and make it seem nothing short of contrived, especially when you
consider that the rhetoric was being spouted by a \"rasta\" who's accent was so strong that it seemed
unnatural.

I wouldn't normally slam a movie like this, but when I saw the movie it had a
fairly favorable review. I felt like I was cheated and lied to, and I thought I should try to save
someone the misery of having to watch this movie.

I say BOOOOOOOO." ], [ "There's something frustrating about watching a movie like 'Murder By Numers' because somewhere
inside that Hollywood formula is a good movie trying to pop out. However, by the time the credits
roll, there's no saving it. The whole thing is pretty much blown by the \"cop side\" of the story,
where Sandra Bullock and Ben Chaplin's homicide detective characters muddle through an awkward
sexual affair that becomes more and more trivialized the longer the movie goes on. Although Bullock
is strong in her role, it's not enough to save the lackluster script and lazy pacing. Ben Chaplin's
talents are wasted in a forgettable role (he did much better earlier in the year in the underrated
'Birthday Girl') as well as Chris Penn, who has a role so thanklessly small you feel sorry for a
talent like him. Anyway, the plot really isn't even a factor in this movie at all. The two teen
killers played by Ryan Gosling and Michael Pitt are the only real reasons to see this movie. Their
talent and chemistry work pretty good and they play off of each other quite well. It's too bad they
weren't in a much better all-around film. Barbet Schroeder is treading way too safe ground here for
such a seasoned filmmaker. Bottom Line: it's worth a rent if you're a genre fan, but everyone else
will live a fulfilled life without ever seeing it, except maybe on network TV with convenient
commercial breaks." ], [ "Its almost embarrassing to say I even saw this movie. I mean it doesn't take much to make a good
zombie movie besides good special effects, lots of blood and gore, some scary moments and a decent
plot. Does House of the Dead 2 do any of these things right? No, not one. Of course, its not as bad
as its predecessor, from Uwe Bowle and thats the only thing about this movie that scares me./>
The dialog in this movie is notorious, with such lines as \"What do you do for a living?\" in
response \"I kill zombies\" and \"I was never a disk jockey, I was a soldier.\" The special effects are
embarrassing even for a made for TV movie, I mean seriously, the zombies all look like they have
bloody lips are hyped up on crack. The army base in this movie, is a parking garage, with a desk and
a open gated room. This movie is so low budget that they couldn't even get co-ed locker rooms. In
fact it seems like this entire movie was filmed in a middle school.

Also, why is it that
the all the female soldiers in this movie are models? And for that matter why is everyone in this
movie so clueless at to what is going on that they simply just stand around letting the zombies kill
them. Heck one guy even trys to give food to the zombie.

Overall, this movie makes even
the worst of Scifi Channel movies looks fantastic." ], [ "I have only had the luxury of seeing this movie once when I was rather young so much of the movie is
blurred in trying to remember it. However, I can say it was not as funny as a movie called killer
tomatoes should have been and the most memorable things from this movie are the song and the scene
with the elderly couple talking about poor Timmy. Other than that the movie is really just scenes of
little tomatoes and big tomatoes rolling around and people acting scared and overacting as people
should do in a movie of this type. However, just having a very silly premise and a catchy theme song
do not a good comedy make. Granted this movie is supposed to be a B movie, nothing to be taken
seriously, however, you should still make jokes that are funny and not try to extend a mildly
amusing premise into a full fledged movie. Perhaps a short would have been fine as the trailer
showing the elderly couple mentioned above and a man desperately trying to gun down a larger tomato
was actually pretty good. The trailer itself looked like a mock trailer, but no they indeed made a
full movie, and a rather weak one at that." ], [ "I found Super Troopers only mildly amusing at best (seemed like a glorified Police Academy ripoff to
me), and I rented this movie in hopes of it being better. It wasn't.

The writing is
absolutely horrible and the pacing of this film is even worse. It doesn't feel like a whole lot
happens in this film, or that it really gives us a reason to give a damn about any of the
characters.

The actor who plays Felix is totally uninspired, though possibly due in part
to the dialogue he had to work with. In short, this movie just went wrong in so many places./>
I get the impression that since films like Clerks, independent filmmakers seem to think that
they can make movies like this with long, rambling scenes of dialogue where characters are trying to
be funny. But, where dialogue in Clerks pushes the story forward, in this movie, it hopelessly
weighs it down. Films are supposed to have a decent balance of action and dialogue, and as tempting
as it is for filmmakers to try to have tons of snappy, funny dialogue, it just doesn't always work.
Especially if they're not that good at writing dialogue. I hate to say it, but even \"Extreme Heist\"
was more interesting than this movie- and that movie was so low-budget it was shot on video." ], [ "Being a HUGE fan of the bottom series i was really looking forward to the release of this film.I was
eagerly anticipating a laugh a minute roller-coaster ride......alas.

Where to start on
this mess?i think its a good start to say that its hardly richie and eddie on our screens in the
first place as none of the jokes and one liners they usually deliver so well are funny.I was still
waiting for the first laugh after a good 20 minutes of viewing.Many aspects of the story were
pathetic and it was as if the film was full of those bad moments they rehearsed and decided to leave
out of the final cut.

The overall sets and atmosphere surrounding the film is dark and
dingy which i suppose is good if they want to portray the 'terrible' guest house the 2 buffoons
attempt to run,but to me its just puts an even higher dampener on a sorry state of filming that
should never have been created.

The acting,at times,is pathetic.Fenella Fielding is
wasted as the loony Mrs Foxfur and i've seen Simon Pegg have much better outings.

I'd
recommend Guest House Paradiso to anybody who is blind drunk because they might appreciate the
terrible puns much more.But to any bottom fan who hasn't seen this film and is expecting true richie
and eddie action you have been warned" ], [ "I wonder how much this movie actually has got to do with the 1984 movie \"Bachelor Party\", starring
Tom Hanks. Is this movie even an official sequel? This movie is lacking in every department and
you're obviously better off not watching it.

For a comedy this movie simply isn't good or
funny enough. It relies mostly on the character's their stereotypical assessments, rather then the
movie actually features some good, original and funny moments.

Of course there also is
very little story present and the movie nude breast than script pages. You just keep waiting for
things to finally start off. There is a main plot line in it somewhere but that one is so terribly
unoriginal and gets executed so poorly in the movie that it feels more as if it's something non-
existent. I guess there even is a message and moral story in it somewhere but this again is so
terribly unoriginal and poorly done in the movie that it simply does not work out.

It's
basically a typical teenage comedy, with lots of sex jokes and nudity, only without the teenage main
characters, which makes the story all the more sad and tasteless. The movie makes some really wrong
jokes, that are misplaced for any type of movie.

I regret ever watching this.
/>3/10" ], [ "The film is pretty confusing and ludicrous. The plot is awful...but on the plus side the acting is
pretty good, with a few good shouts and rants. Sharon stone is OK this time...not even half as good
as the original mind you. The murders aren't as gory as the first one either, which is a shame. Its
not the unpredictable mess everyone say it is though. The sex is pretty graphic at times while
others it is clear it is fake (they are fully clothed). The script is weak most of the time, but the
scenes with banter and arguments between Dr.Glass and Washburn are highlights. The plot twists a few
times, but the ending is awful. The tension is always constant with a huge dollop of 'Oh my god!'.
The chase sequences are brilliantly directed, and shots and camera angles are impressive and bring a
bit of class to an otherwise, rush-felt film. Sharon stone is a bit old for this too. The bits where
we see her breasts were, in the first one, delights. This time around, they are too horrid to
describe. The films its self is rather average, but it is worth a go. Mainly because the film does
deserve some good buzz...with the opening sequence being a highlight. Not to be critical, but if you
liked the first one - leave this one. Don't ruin the run. You'll be glad you left this stone
unturned." ], [ "The fact that I watched this entire movie says something about it...or me. It is not a good movie.
Terrible in fact. But terrible in the way that kept my attention in that perverse manner that is
akin to watching a tragedy and not being able to look away. It would have made a great MST3K
subject!

Most of the things that make a terrible movie enjoyable are here: bad dialogue,
inappropriate music, contrived plot sequences, ridiculous pseudoscience. You'll thrill to slo-mo
death sequences, the poor victims with mouths agape and waaaaaaaay too much time to contemplate
their impending doom, facing the outrageously contrived deliverer of their deaths. Your heart will
be warmed by old action scene cliches like when two women struggle for a gun and it goes off, but
WHO'S SHOT? Both look at themselves, then the other, then themselves, then (seemingly 15 minutes
later), one finally goes down. You'll sing along (in latin of course) with the street carolers that
turn into a ghastly death's-choir that, for a moment, threatened to turn the movie into a twisted
musical.

So if you believe like I do that as movies get worse they get better, then this
might be a decent choice for you. It's not as funny as my current sci-fi schlock favorite, \"They
Live\" featuring Rowdy Roddy Piper, but it's more fun to watch than luke-warm movies like Omen II or
III.

I give it 4 out of 10." ], [ "I rented this movie from my local library and thought it might be good considering I like this type
of movie and considering who was in it but boy was I wrong. The acting stunk, the fight scenes were
just as bad and they got a couple of known people to be in it but didn't cast anyone with acting
ability to play the lead? I noticed some people gave it a 10. Why would you ever consider giving
this pile of horse **** a 10. You can say it's worth a 10 for the sheer comedy of it but when you
vote on a movie that's not supposed to be a comedy you can't give it a 10 for comedy. You have to
rate it on what it was supposed to actually be like and not for something the director wasn't
intending. Maybe some of you voted 10 cause you thought it would be funny to have this crappy movie
have a high rating so that people would go out and rent or buy it cause you think it's fun to
mislead people. You're playing with peoples time and money which you have no right to do. If the
movie sucked give it a bad rating if it was good give it a good rating but don't lie. I gave this
movie a 4 and am glad that I was able to check this out for free from my library cause this movie
sucked and really isn't worth paying a cent to see." ], [ "I just don't know how this stupid, crap, junk, garbage & good for nothing film is a blockbuster. It
was so boring with a very, very weak (or no) story-line and wasn't even a jot funny. The film was
about 135 minutes of only a paragraph of story about Prem (Salman Khan) is a love guru and is
helping hapless & romantic Bhaskar (Govinda) to get the girl he wants. I'm not saying that I didn't
like the film because it wasn't funny or anything, I will accept a movie that is not funny but has a
decent story. The only two reasons why I can say it's a super-hit are:

1. Salman Khan &
Govinda are on-screen together but there first time together was in Salaam e Ishq which was a flop
so it can't be. But it was a really good movie.

2. Salman Khan's name is Prem and all the
films with that name have been a hit including Maine Pyar Kiya. So it's just luck.

I
heard that it's a remake of Hitch, I've not seen it & I'm glad I didn't. Music is OK the only good
songs are Do you want a partner, You're my love & Soni De Nakhre but what is the use of it in a
really bad film, that too, if you have someone like Katrina Kaif who dances with two left feet? She
is completely crap. Neither she knows acting, language (her voice is always dubbed for her), dance
and always fails to impress. I do not like her one bit she was even disappointing in Koffee with
Karan. Overall Partner is a disposable film with a disposable actress Katrina Kaif. Its better off
that she is kicked out of Bollywood and never comes back again." ], [ "I remember the days in which Kim Basinger was nothing more than a pretty face who adorned movies
with typical characters of dumb Blondie,romantic interest or damsel in danger.But,everything changed
when she won an Academy Award as Best Supporting Actress for her role in the excellent movie L.A.
Confidential,and I think I was not the only one who was surprised by her solid
performance.However,after that moment,her career did not follow the ideal path.Sure,the prestige she
won thanks to that movie made her to participate on moderately prestigious movies (like People I
Know or The Door in the Floor),but we have never seen her again on a substantial character.The movie
While She Was Out does nothing to put her on that situation; and it is not only that her character
is not too tasty,but also that the movie is really crappy.The screenplay from this movie could not
be more hollow and basic.However,Basinger brings some conviction to her character,and that makes
this poor movie to win a few points.This movie is full of clichés and generic villains.The work of
director Susan Montford is truly disastrous for many reasons but mainly,because the movie never gets
a good rhythm and tone.The ending from this movie is extremely ridiculous.I do not recommend While
She Was Out at all.This film commits the capital sin of being boring." ], [ "See.. I really wanted to enjoy this movie. There were moments when my heart beat faster, when the
hair on my neck began to stand up, when my muscles began to tighten.. but just like a strip tease, I
was left with no real action, no resolution, and money missing from my wallet.

Jaume
Balagueró and Miguel Tejada-Flores apparently don't know the correct recipe for making a Horror
Movie, and as such, utilized the old amateur cook's method of throwing everything into the pot./>
This movie is really The Shining, Poltergeist, Amityville, and Hellraiser all rolled into
one. Amazing, I know, but true. All the flavors are there, you can taste each of them, they just
don't mix well. I'm not gonna go down the list of every thing wrong with this movie; in short, good
cinematography, mediocre acting, worse dialogue.

The -real- problem with stealing from so
many movie plots and combining them into one movie, aside from the resulting confusion, is while you
CAN have several plots running at one time, you can't have several endings. And what does Jaume do
when he runs into this problem? Just like a Freshman in English 101, you end your story with
ellipses, \"The little car vanished into the darkness and ..... THE END\" Oooh, spooky. Not really.
And very anticlimactic. The ending left me confused and disappointed; almost empty.

Take
your $10, go rent The Shining, Poltergeist, and Hellraiser.. scare the pants off yourself, have a
great time, and forget that The Darkness ever existed.

-BJamin" ], [ "Movie had some good acting and good moments (though obviously pretty low budget), but bad rating due
to basic premise being badly developed. The main point of conflict between the two leads doesn't
play out in a realistic manner at all. There are a few scenes where they disagree because of it, but
no discussions of any great depth that would explain how they can be together while seeing the world
so differently, especially since the employment of Glenn is so wound up in this part of his life
(and Adam is active enough with his that he supports it with time and money.) Also, several times
Glenn is portrayed negatively for being the way he is (apologizing to Adam for his past) while Adam
is shown to be upstanding and \"traditional,\" which the film proclaims to be the \"good\" way in the
end. I don't like being preached to like that. I attended a discussion session with the director
after viewing LTR, and he said that he presented this conflict between them because, if he was in
Glenn's shoes (and he said he does in real life relate to Glenn's view) that he could never date
someone with Adam's views. Well, then, I think he should have done a much better job explaining how
Glenn could do it in the film. Also, director said he directed this, his first movie, only after
reading (Directing For Dummies.) Directing was not that bad, but far from a top notch effort. I've
seen worse, but I rarely leave films feeling this frustrated." ], [ "My dear Lord,what a movie! Let's talk about the \"special effects\" first. Don't get me wrong here, I
am not one of those effect fanatics but I was truly thinking that superimposition was a practice of
the long gone past, mainly the 60's. So for some time I thought they might have recorded this movie
a long time ago and it took them forever to cut and release it. But as far as I know they did not
have cell phones in the 60's...

What I am looking for in movies is mainly a good story
with a really good message. Acting is secondary, effects are secondary, I do not even mind a few
little inconsistencies. However, in a movies like this bad acting, incredibility, etc. add up to
make a bad movie even worse - that's what happened for me with the Celestine Prophecy.

My
wife said the book was actually really good and even though I am not into all that spiritual stuff I
can somehow see that it can be brought across in a believable way - the movie failed to do so./>
There could be one single reason to watch this one though. If you really love cheesy movies
it'll be the right one for you. If the IMDb stars were for cheesiness instead of quality I MUST have
rated this movie ten stars.

By the way, three stars are for the fact that there are worse
movies out there, like \"Critical Mass\" (look up the comments on that one - hilarious). The Celestine
Prophecy is at least entertaining to a certain degree." ], [ "If you haven't seen the gong show TV series then you won't like this movie much at all, not that
knowing the series makes this a great movie.

I give it a 5 out of 10 because a few
things make it kind of amusing that help make up for its obvious problems.

1) It's a
funny snapshot of the era it was made in, the late 1970's and early 1980's. 2) You get a lot of
funny cameos of people you've seen on the show. 3) It's interesting to see Chuck (the host) when he
isn't doing his on air TV personality. 4) You get to see a lot of bizarre people doing all sorts of
weirdness just like you see on the TV show.

I won't list all the bad things because
there's a lot of them, but here's a few of the most prominent.

1) The Gong Show Movie has
a lot of the actual TV show clips which gets tired at movie length. 2) The movie's story line
outside of the clip segments is very weak and basically is made up of just one plot point. 3) Chuck
is actually halfway decent as an actor, but most of the rest of the actors are doing typical way
over the top 1970's flatness.

It's a good movie to watch when you don't have an hour and
a half you want to watch all at once. Watch 20 minutes at a time and it's not so bad. But even then
it's not so good either. ;)" ], [ "Once in a while it is good to see a really bad film like this, just so you know how decent an actor
Keanu Reeves is by comparison. The premise of this story is good: teenagers go out on a boat, meteor
lands in water, aliens kill teenagers. What's not to love about that, if you're into scream
thrillers? But I should have known something was up when I read it was only 75 minutes long. I
thought, \"I hate judging movies by how long they are. Who says a movie has to be 90 minutes?\" But
once I took the DVD home from BBuster, I was shocked at the awful production quality, acting,
directing of this completely amateurish piece of garbage. The only reason I watched it to the end
was because I don't have cable TV, and I already paid four bucks for it. However, there was one ray
of light: the actor who played \"Chris\" is actually decent, and far outclasses this dreck. First of
all, the special effects were cheap and unconvincing. Then the aliens--the costumes seemed
interesting (rubber suits) but since most of the film takes place in the dark, you don't really get
to see them! And hardly any of the actors were convincing enough to suspend disbelief. Finally, I
must say that the DVD jacket was made with much higher production standards than the film itself,
which felt like a rip-off, so beware of that when you rent other DVDs. Save your $4 and buy a pint
of beer." ], [ "well, the writing was very sloppy, the directing was sloppier, and the editing made it worse (at
least i hope it was the editing). the acting wasn't bad, but it wasn't that good either. pretty much
none of the characters were likable. at least 45 minutes of that movie was wasted time and the other
hour or so was not used anywhere near its full potential. it was a great idea, but yet another
wasted good idea goes by. it could have ended 3 different places but it just kept going on to a
mostly predictable hollywood ending. and what wasn't predictable was done so badly that it didn't
matter. the ending was not worth watching at all. sandra bullock was out of her element and should
stay away from these types of movies. the movie looked rushed also. the movie just wasn't really
worth seeing, and had i paid for it i would have been very mad. maybe i was more disappointed
because i expected a really good movie and got a bad one. the movie over all was not horrifibly bad,
but i wouldn't reccomend it. i gave it 2 out of 10 b/c i liked the idea so much and i did like one
character (justin i believe, the super smart one). and it also had some very cheap ways to cover
plot holes. it was like trying to cover a volcano with cheap masking tape, it was not pretty.
anyway, if you see it, wait for the $1.50 theater or video, unless you like pretty much every movie
you see, then i guess you'll like this one." ], [ "This movie is at times a wild 80s college sex comedy, others a sweet romantic one... Then it has
moments of serious drama and then sprinkles in dashes of science fiction... It is so uneven its
almost ridiculous.

But I would hardly rank it as one of the worst films I've ever seen
except of course for the fact that they casted Peter O'Toole.

There is absolutely nothing
for him to work with here. Poor dialog, poor performances to work off of, poor everything... And yet
he's fantastic... There is not one good thing about his part and yet he makes it work if only on
pure charm alone.

The fact that he was so able to achieve so much with so little shines a
spotlight on how greatly everyone else in this film failed, making it seem even worse than I suppose
it actually is...

If any other actor was in O'Toole's role, I would have forgotten this
movie as crap and never thought of it again, but a fine performance by Peter O'Toole despite all
odds ensures that I'll remember this film for a long time to come... If only as a film that, maybe,
could have been good if anyone involved in it was nearly half as good as Peter O'Toole." ], [ "How awful is it? Let me count the ways: 1) It is a bait-and-switch movie that starts out being about
a UFO investigation, then turns into a high-pressure sales job for Christianity. C'mon! If the
makers of this movie felt so strongly about their message, why disguise it? It annoys non-believers
and pushes fence-sitters in the opposite direction. 2) It's not even a good sales pitch! If the
characters in this flick asked me to go to church with them, I'd run like Hell in the opposite
direction. They're scary! 3) The acting is terrible. They all behave as if they were in an
educational film about etiquette in the workplace. 4) The cinematography is home-movie bad. Wait,
actually its not even that good. 5) Script bad, bad, bad. All dialogue, no action. Like a tennis
match, they bounce back and forth between the \"talking head\" close ups. 6) Direction... what
direction? Oh, there must have been a director there somewhere. I challenge you to figure out
where.

Believe it or not, I have some positive comments about this movie. The editing
seemed professional, but couldn't make a difference. A good edit of bad material is still a bad
movie. The opening theme music was actually very good! Very scary and UFO-ish. Too bad the movie
wasn't about UFOs.

If you can't tell already, here's the bottom line. I wasted my money
seeing this movie, and it made me angry. If they had not disguised what this movie was really about,
I could say it was my fault." ], [ "I am really shocked that a great director like Chuck Jones started out making some of the most
incredibly boring cartoons I've ever seen. I did not laugh once throughout this short, and it's a
Bugs Bunny cartoon, for Christ's sake! Bugs Bunny cartoons are always funny, not boring! Alas, this
short turns out to be Good Night Elmer (another incredibly boring Jones short) with the addition of
Bugs Bunny.

The first warning sign of a dull cartoon is always no gag payoff. Good Night
Elmer was boring because it dragged on the same two gags forever with predictable payoff. This
cartoon, on the other hand, is afflicted with the second warning sign of a dull cartoon: there's too
much dialogue. The cartoon at least has more than two gags up its sleeve, but most of them seem
longer than they are thanks to the immense padding of the dialogue. At one point, Elmer finishes
eating dinner, and comments, \"That was weawwy awfuwwy good weg of wamb,\" possibly the most redundant
dialogue I've ever heard in a cartoon (characters reading text out loud in the later-era Woody
Woodpecker cartoons doesn't count in my book). Even though this cartoon is only 8 minutes long, it
feels like 20 thanks to redundant dialogue like this.

Elmer's Pet Rabbit was not a fun
cartoon for me, but if you've sold your soul to Chuck Jones and are unable to acknowledge that he
directed a few clunkers during his career, you might enjoy it." ], [ "Hungary can't make any good movies. Fact. This is a great example of that.

First of all
the term \"plot\" does not exist in this movie. It's seriously weak. Even tho a lot of people would
argue with me on that. Sure, it's about a taboo, but that's about it. There are endless
possibilities, which could have been really great, if used, but they nearly skipped everything. I
think the whole movie is just an excuse to show pictures, which are the only decent things in this
whole pile of awfulness.

The acting is just plain shitty. There aren't many lines, so you
would think that the actors have great facial expressions or mimicking abilities, but no. In fact,
86% of the time, they suck. And that's when they don't say anything. If they say even a single word,
you'll start tilting your head, saying: \"That's damn unrealistic\". But than again, this is partly
the fault of the writing. There's also no emotion in most of the dialogs.

The editing is
sometimes OK, but most of the time illogical and just worsens the whole picture. It could have given
an emotional push, yet it seems the editing in here is all about putting cuts after each other./>
Someone please explain it to me, why critics say this movie is a masterpiece. Calling this
an \"Art\" isn't gonna make it better. Sorry Mundruczo, but you failed. Live with it. Even tho you
probably won't care about my or any other guys opinion scarifying your \"child\"." ], [ "Get Shorty was an excellent film. It was funny and had the perfect balance of highly comical acting
and a serious plot. Be Cool is like some cheap knock-off trying to pass for a sequel. John Travolta
as Chili Palmer seems to have forgotten that he was ever in the mob. He plays it like he's a bored
movie exec, rather than a bored movie exec who used to be a Shylock. Uma Thurman, great in nearly
every role she's ever played, comes off as strained and confusing. Is she supposed to be ditzy or
clever? The chemistry between her and Travolta is strained and uncomfortable. Other than that, just
add every movie cliché you can think of. A well-educated rap producer by Cedric the Entertainer, an
inept gangster wannabe in Andre 3000, the girl with heart, soul, and a good set of pipes in
Christina Milian, a gimmicky black dude wannabe in Vince Vaughn, and a stupid celebrity cameo by
Stephen Tyler. The only funny part was the Rock, who invents his own new cliché as a gay Samoan
bodyguard actor wannabe. Probably the biggest crime is the plot: IT MAKES NO SENSE. Get Shorty was
clever with Chili playing one group against another and coming out on top. But this film tries that
with about a million different characters. And even Chili doesn't seem to know what's going on. Fans
of Get Shorty be warned: this is a very different, very worse movie." ], [ "This movie was so unrelentingly bad, I could hardly believe I was watching it. The directing,
editing, production, and script all seemed as though they had been done by junior high school
students who don't know all that much about movies. There was no narrative flow that made any sort
of sense. Big emotional moments and climaxes (like one early on between Heath Ledger and Naomi
Watts) and character relationships (like one hinted at at the very beginning) come completely out of
no where and are not set up like they would have been in a more elegantly and effectively made film.
The characters are sadly underdeveloped, making it difficult for us to have any sort of connection
with them. The acting, surprisingly, is not entirely bad, but the terrible writing cancels out the
relatively convincing performances. The film plays like a particularly bad T.V. western/epic, and
sadly diminishes the fascinating (true) story that it attempts to tell. I have read a lot of reviews
that defend the film as being important to Australians because of the subject matter. That's all
very well, but just because Ned Kelly is an important Australian historical icon DOESN'T MAKE THE
MOVIE GOOD. No one is saying that the subject matter isn't good, just the quality of the movie
itself. Pearl Harbor was about a very important historical event to Americans, but that doesn't mean
I'm going to defend the movie and say it was good, because it was still bad. A failure all around,
though Heath and Orlando are lovely to look at." ], [ "This is almost like two films--one literate and engaging, the other stupid and clichéd. It's really
a shame all the problems weren't worked out with the writing, but considering how quickly most
B-movies were written and produced, this isn't too unusual. It's a real shame, though, as this could
have been a very good film.

First the good. The movie is original and involves WWII code-
breakers. This is pretty fascinating and I liked watching the leading man (Lee Bowman) go through
his paces as a master code-breaker. In fact, the first two-thirds of the film was very good. But now
for the bad, the film just went on way too long and lost steam at about 50 minutes. Additionally,
Jean Rogers' role as the \"kooky girlfriend\" must rank as one of the worst-written and distracting
roles in film history!! For every smart move made by Bowman, the idiot Rogers then stepped in to
screw things up as some sort of misguided \"comedy relief\". If her role had been intelligently
written, the overall film would have improved immensely! Instead, watching her, it's hard to
understand how we actually won WWII!!" ], [ "I saw not so fabulous rating on IMDb, but I went to see it anyway, because I am a big fan of Bible
related material. First thing that bothered me was a little too much Indiana Jones wannabe movie,
but it also looked like Casper Van Dien didn't see those Jones movies through (but he should). I
believe he tried his best, but script just stunk. Music tried to be kinda Jones style too. Great
work, but for such movie it seemed like too much work, like the video part did't deserve all that
great music. Robert Wagner gave his best acting skills, he did a good job, but somehow the script
was bringing everything down. \"Jokes\" are old school, somewhere 20 years old; they brought only
cynic smile to my face. There are some really bad camera angels, SFX looks like homemade and
unrealistic. Kevin VanHook had probably a good idea on the story (in my opinion, but I love such
stories), but things just didn't work out in the end. Maybe he should put it on a paper when it was
still fresh in his head. When I (in first minutes) saw that movie was going to be one of those 'low
budget movies', I hoped that I will at least 'hear' a good story, but sometimes movies just
disappoint." ], [ "First there was Tsui Hark's Zu Warriors (2001), which is visually ground-breaking, but much lacking
in the acting and writing departments, now this movie, which is visually almost as good as Zu
(though no longer ground-breaking), but is even worse in the acting and writing departments. It's
really sad that there seems to be an almost complete lack of acting and writing talents in the HK
movie industry. I guess you need to understand Cantonese to understand how bad and vulgar the
dialogs in the movie really are. It's like some delinquent kids talking in the street, it's that
bad. To make it worse, the actors and actresses themselves look like delinquent kids, and can't act
even if their life depend on it. I understand that this movie is supposed to be a comedy aimed at
the younger generation in HK, but has HK youths really become so brain-dead that they can't
appreciate anything but such juvenile and vulgar acting/writing? If that's the case, it makes me
ashamed to be from HK.

I wish HK movie makers will learn some lessons from directors like
Zhang Yi-Mou or Ang Lee, and finally make a movie that's both visually stunning as well as competent
and mature in the acting and writing departments. And stop using young singers/idols/heartthrobs as
actors because they can't act however many fans they may have in HK!" ], [ "It is a pity that you cannot vote zero stars on IMDb, because I would not have hesitated! In fact I
would go so far as to say that this film was in the negative stars.

I, like many others,
bought this film thinking that because it has Michael Madsen in it, it could be good... No chance!
This film was shocking! Imagine a movie length 'The Bold and the Beautiful', well, Primal Instinct
did not even come close to that good, and I had previously thought that there would be nothing worse
than a movie length 'The Bold and the Beautiful'.

Michael Madsen, how could you do this
to us? The worst part is, I didn't fast forward a bit, I was hoping that at the end they would
reveal that it was all some sort of sick joke, that they thought it would be funny to make us watch
such a horribly bad film.

Where do I start...? Directing - Zero Stars, Screenplay - Zero
Stars, Acting - Zero Stars, Cinematography - Zero Stars, Digital Effects - Zero Stars, Production
Design - Zero Stars, Make-up - Zero Stars, Casting - Zero Stars, Editing - Zero Stars, Trailer -
Half a Star, Graphic Design - Half a Star, DVD Menu - Half a Star.

However I think that
it is very important to have seen bad films just so that you know what a really bad film is, so for
that reason I am happy that I saw this film, just so that I have a bad film to put at the bottom of
my list." ], [ "I didn't expect much from this film, but oh brother, what a stinker.

I found this gem in
a giant crate of awful $5 DVD's at Walmart (where else)? As cheap as this disc was, I feel ripped
off. The special effects had a high school look to them, the camera work marred by wobbly tripods
and sketchy lighting and the acting was a perfect example of the 'Christian School'. One can imagine
the long and exhausting 'prayer meetings' by the production company after seeing the rushes come
back - the people who bankrolled this thing must have had seriously anti-biblical feelings towards
the inept production company that cranked this thing out. Think of their anguish as they saw their
$914.86 investment go up in smoke.

Someone asked why Christian movies are so bad -
perhaps the Xian film-makers need to look at GOOD movies and attempt to copy some of the things that
make them so good. Believable stories and characters, less hysterical arm-waving and fanaticism, oh,
and a story that appeals to -everyone-, not just true believers. I.e. Stop The Sermon, Save It For
Church. Take the Omen or Prophesy series, for example. Excellent films with compelling story lines,
great cinematography and intense music. No hysterical arm-waving. No preaching.

If this
film had a laugh track it would have been MUCH better." ], [ "I haven't laughed so much in a theater in years. The only problem is that it was not the intent of
the movie to make my throat raw from laughter.

This movie is absolutely overflowing with
bad CGI, absolutely terrible duologue, absolutely terrible *acting*, and enough geek references to
make the whole thing come off as nothing but complete cheese.

As a gamer and a geek-type
girl myself, I did recognize all of the obvious game references in this movie as well as the geek
STUFF that was just thrown into the background as eye candy (the Steamboy poster, the t-shirts from
thinkgeek.com and j-list.com), and that didn't redeem the movie at all.

The only thing
that might have been good at ALL were the ghost children type characters that were purposefully
badly done in CGI to make it look like they were from a game, and who were OBVIOUSLY stolen from
Japanese horror movies.

To be honest, it was hilariously bad, and something I'd expect
from a midnight showing of a made-for-TV b grade Sci-Fi channel movie. Don't expect more than that
and you'll have a great time. Just don't get a soda or you'll spit it everywhere when you get great
lines like: \"Why did you bring that game into our lives?! WHY?!\"" ], [ "One of the other commenters mentioned that they almost walked out. If I hadn't been with my wife,
who wanted to stay, I would have left. It's a shame, too, because I think it could have been a good
movie. But this is easily one of the worst adapted screenplays I've ever seen. It starts out nowhere
and it goes nowhere (I would say it goes nowhere fast, but it really goes nowhere slow...painfully
slow). From time to time there are hints that something interesting might happen, or that there is
potentially some depth underneath one of the characters, but that's all we get - hints. There is not
a single payoff or revelation in the entire movie. Not that I need a slick plot to be
entertained...I love a good meandering character study as much as the next indie buff. But these
characters add up to nothing. For the entire duration of the film you don't care what happens to a
single one of them. As a matter of fact, you almost start hoping they die, because at least a death
might be more interesting than watching their inexplicable behavior, which is so strange and
unpredictable that you'd think it in itself would be compelling, but it's not. Instead of quirky,
noir-esquire characters acting in hard-boiled fashion, you simply recognize it immediately for what
it is: a bunch of talented but miscast actors, brooding and raising their eyebrows while reading
bizarre dialogue without a hint of relevant context. All this for two plodding, painfully slow
hours. Awful." ], [ "In my book \"Basic Instinct\" was a perfect film. It had outstanding acting on the parts of Stone,
Douglas and all the supporting actors to the tiniest role. It had marvelous photography, music and
the noirest noir script ever. All of it adding up to a film that is as good as it will ever get!/>
This sequel is the exact opposite, it cannot possibly get worse, bad acting and a lame
script, combined with totally inept direction, this is really bad, boring, annoying. The only thing
that somewhat keeps you concentrated is the relatively short wait for the next scene that is an
exact re-enacted copy of the original. These copies are so bad they make you laugh and I laughed a
lot in spite of myself, because it was like watching the demolishing of a shining monument. The only
thing that is good in this horrible mess are the excerpts of the Jerry Goldsmith score of BI1.
Michael Caton-Jones and the half-wit responsible for the script even included the \"There is no
smoking in this room\" dialog in the interrogation scene and yes she sends her attorney (who is now a
solicitor) away!

I am sorry I have seen this awful film that should have never been
made! It does damage to the original, so bad is it. The only redeeming value is the realization that
cosmetic surgery (and I am sure Ms Stone afforded the best surgeon money can buy) can do a good job
but can obviously not restore the perfection of the original. And what concerns the human body
applies to film-making, too. There should be a law: Don't ever make a sequel to a perfect film!" ], [ "This movie was absolutely terrible. The only explanation I can think of for the good reviews it
received from some here is that they were written by people in the cast. It was actually painful to
watch this movie. Even my grandchildren (ages 6-13) could not bear to watch it. As far as I know,
this movie never made it to theaters and for good reason. It's as if some people were sitting around
having a beer and said, \"Hey! Let's make a movie. Who wants to be in it?\" It's that bad. Besides
Luke Perry, who is only in a small part of the movie, I did not recognize a single other actor.
That's not necessarily a bad thing but it is in this case. I liked Sandlot (I) and I generally like
stupid and silly movies but this movie doesn't have a single redeeming quality. The people who wrote
it don't have the slightest clue as to how children think, talk, or act and the movie is a
disjointed mess of terribly corny lines and stupid jokes. I rarely write negative reviews but this
is the worst movie I have seen since Man's Best Friend and it's definitely one of the ten worst
movies I have ever seen in my life. If you rent it, remember that I warned you. The fact that some
people actually rated this movie as being good is a sad commentary on their taste and intelligence.
I'm not exaggerating." ], [ "Yes, in this movie you are treated to multiple little snowmen on the attack in apparently a very
warm climate so yes this movie is definitely not to be taken seriously. It is in fact a much worse
movie than the original as at least with that one the whole production looked like it cost more than
a couple of bucks and a video camera to make. It has its funny moments, but really playing off the
cheapness of your movie and making that be your intended laughs is kind of weak film making if you
ask me. You can not come up with a good story, your effects are going to really be bad, hey let us
just make the movie look as bad as possible with horrible one liners and we have our movie. The
first one at least had a somewhat credible story as the snowman in that one attacked during the
winter and not what amounts to a resort. It also had better effects too, this one is just a step or
two ahead of \"Hobgoblins\" as far as the monsters are concerned and you really want to be more than a
step a two above a bunch of hand puppets. Still, it makes up for all of this with a super ending
that depicts a great sea vessel being taken out by the mighty frost. Actually, I am just kidding,
but really it was the funniest part of the movie." ], [ "Priyadarshan's HERA PHERI was a nice situational comedy This film however actually lacks a story but
is quite funny but illogical

In fact they is no proper story yet it somehow manages a
nice flow though it isn't anything great

The first half has 2 funny scenes like the one
where Akshay and John invite Neha for a lunch and another when Paresh enters

The first
half gets boring slowly but the second half is funnier though they is no script

The
jokes are funny though one does wonder how they never hear each person's voices from inside the
rooms?

The climax confusion is treated like a stage play but it's quite funny But the
film ends abruptly

Direction is okay Music is good

Akshay Kumar excels in his
part which is now become his second skin, but this is his film completely and he overshadows
everyone else

John stumbles throughout and fails in comedy Paresh Rawal is hilarious
Rajpal is okay The girls are loud at times and awkward too Nargis, Daisy and Neetu(only Neetu is
seen now) are good in parts but shriek too often Manoj Joshi is okay" ], [ "*****probably minor spoilers******

I cant say i liked it, but i cant say i didn't...its
very strange. It has bad things in it like for example a shark that came out of nowhere with the
worst CGI you can imagine,if i was the director i would cut that part for sure, gave me the urge to
stop seeing the rest of the movie... For some people it will be boring cause it lacks action, feels
home made sometimes... Take for example a scene that one of the friends died and next thing they are
doing is what? nop,not crying...their telling horror stories to each other..*sighs*(just after
crying for hes lost)

Another stupid thing was when they were talking inside the boat they
had like \"hundreds\" of candles in the table in front of them...the boat is surrounded by some kind
of rag curtains(old rags covering the windows) and sofas/Couches ...i thought it was dumb, using
candles but not thinking about the surroundings, besides being in high sea alone...

The
good, some scary scenes they are nicely done i liked some. Sometimes horror works better when its
hidden when its behind something instead of showing of, so this movie does it good, maybe because
its a low budget i don't know, but it works fine for me! You will feel tension if you forget some
holes like the ones i mentioned above.

Do not expect much of it! but if you like anykind
of movie watch this one, be patient, try to enjoy.. lol

(sorry about my raw English)
=)

Cheers" ], [ "T. Rama Rao made some extremely beautiful films in the 1980s, but he seems to be a filmmaker who
cannot mature with the changing times, styles and fashions. He's like stuck with the same old-
fashioned film-making style.

Actors are not bad, not good either. Anil Kapoor generally
acts convincingly his two roles of a father and his son, but the flawed script often makes him look
funny and pathetic. Rekha is good, but then - she's always good, and here she's nothing more than
such. She makes the best of what she is given, but she always does that. In conclusion, nothing
great at all. Raveena is OK, which means ordinary, not bad, not good, nothing.

This film
is melodramatic, occasionally stupid. Maybe it's a delayed film? Well, even then it still would be
below standard. The script is terrible, the film is overdone, and the story goes nowhere. It feels
like a film made in the early 1990s, but the script makes it look even older, the style is like from
the 1950s.

Don't recommend, unless you're a big fan one of the starring actors." ], [ "Good things out of the way first:

Underdog's voice acting was FINE. But Jason Lee being
awesome himself, that really is no surprise.

Peter Dinklage (Barsinister) also did fine,
for what trash was given to him. He acted the part shockingly well. And so did Patrick Warburton,
the moronic assistant. Now, it was idiotic character but he acted so extremely well, I actually
liked the character better than the protagonists. The lines given to him were childish but witty./>
However. Alex Neuberger did awful and hope he never acts again. His \"Scream\" was so
disgustingly fake. Silence. Silence. \"aaahhhhhhh\". In the scene where he hears the dog talk, an \"oh
no, impossible!\" would have sufficed in place of the pathetic fake scream.

And then there
was the girl and her female dog that chased Patrick's character Cad on the roof. At first this makes
sense, she's a \"Reporter.\" A school reporter but still an inquiring mind regardless. But why, WHY
the HELL did she carry her dog around? That was worthless and the damn dog didn't even say anything
other than a heartless \"oh, underdog!\" Her presence was extremely unnecessary.

Overall,
the script was pathetic. The only reason I give this movie a 3 is Barsinister, his assistance, and
underdog's voice." ], [ "Boy this movie had me fooled. I honestly thought it would be a campy horror film with absolutely no
humor in it whatsoever, boy I got the cold shoulder that time. This movie was, and I'm truthful,
pretty damn good. It was not scary at all but the campiness and the sly humor really mad this movie
interesting. Some to the horrible acting and cliché killings were so painful to watch, I almost
laughed at how bad it was, but to some extent I enjoyed it. The killings all vaguely relate to snow
sports and Christmas, which made things more intriguing. The POV camera angles were awesome./>
The movie is about a viscous killer who dies in a car accident collision with a chemical
truck while being transported to prison. He is later resurrected in that very same chemical with
snow spliced into the mixture. These were the ingredients chosen to make the perfect killer snowman.
He than takes his revenge, as the snowman, on the police officer who convicted him.

This
movie had such bad acting, with the exception of Christopher Allport, that is was funny. I will say
that I am also pretty disappointed that this movie was not a horror, but in fact a dark sitcom. They
had a great story with a good plot but it wasn't executed right. All in all I like the movie at
first but now it is really annoying. But this movie is way better and darker than the sequel." ], [ "Some Plot Spoilers Ahead.

The Nashville Network's so-called rebirth as \"The First Network
for Men\" is a complete disappointment, as was its block of adult cartoons. The new Ren and Stimpy
was just plain awful, \"Gary the Rat\" mediocre at best, and \"Stripperella\" pretty unwatchable. This
cartoon is mostly boring; if \"Ren and Stimpy\" suffered from gross-out overkill, \"Stripperella\"
lacked any decent shock gags, funny witless gags, clever gags, or gags, period. The concept is bad
to begin with: Pamela Anderson, a stripper-cum-superheroine, saves \"The City\" from an assortment of
goofy supervillains. This cartoon seems like an homage to superior wacky superhero spoofs, like
\"Darkwing Duck\" and \"The Tick,\" but without those cartoons' wit and good writing---or even good
storyboarding. \"Agent 0069\" tries to vacillate between being goofy and sexy, but she is neither, and
this cartoon's failure to make her one or the other brings this series down.

Watch your
taped episodes of \"The Tick,\" and see what a real superhero spoof cartoon is like." ], [ "I felt compelled to write about this movie after i joined IMDb because i thought it was the worst
script writing i have seen in a while.

The acting/direction/other-areas of the movie are
fantastic. I love brad Pitt with George Clooney. It works. The witty banter was still there too from
the first movie. My question is how in the world did they let this script out of the drafting
process? I thought that not only did the plot develop like a slug racing to the end of the sidewalk,
but that twist? (can i call it that) was so incredibly stupid that i wanted to go demand a refund
from the ticket booth. I have never felt so played and used from a movie in my entire life. Here i
was expecting something similar to the first movie (good chemistry, good acting, good direction,
amazing plot) only to find that they had taking my 8 dollars and made a mockery out of it.
/>The part that gets me still is that this movie has now grossed more than 125 million dollars./>
In summary, I felt that this movie insulted my intelligence. I still feel like the only part
the writers concentrated on was that little bit with Julia Roberts acting like Julia Roberts. This
movie made me sad and angry." ], [ "I am 17, and I still like most of the Scooby Doo movies and the old episodes. I love the 1990s
movies, and recently we were treated to one of the better direct to DVD Scooby Doo outings of this
decade, Scooby Doo and the Goblin King, which I wasn't expecting to be as good as it was. Anyway,
back to Get a Clue! I watched some episodes, expecting something very good, but from what I saw of
it, I wasn't impressed at all. First of all, I hated the animation. It was flat, deflated and very
Saturday- morning -cartoon -standard, easily the worst aspect of the series. Even some shows I
really hate had slightly better animation. Even worse, Shaggy and Scooby looked like aliens, and I
really missed Fred, Velma and Daphne, as they added a lot to the old episodes, when Scooby Doo was
positively good. I also hated the character changes, because it seemed like instead of solving
mysteries, Shaggy and Scooby were now playing superhero, something they would've never had done in
the movies or in the Scooby-Doo Where Are You? show. The theme tune wasn't very good either, I can't
even remember it, and the jokes were lame and contrived. Though, I do acknowledge that there is a
very talented voice cast, had they had better material, and hadn't been told to sound as different
to the original voices as humanly possible, which they did, might I add. In conclusion, I personally
thought it was awful, and I am not trying to discredit it, it's what I personally feel. 1/10 Bethany
Cox" ], [ "This is just horrible, really horrible trash. Yes, we've got beautiful naked women dancing and
having sex. But while this may work in the mechanism of a porn movie – may have even been a hit as a
porn movie – this tries to mask itself as a \"film\" with actual things to say, with real emotion and
struggle. It isn't. It's an excuse to get some girls naked and have a fun time. I'm sure all of
these women (and men) in this particular movie could have faired decently in the porn movie business
of the 1970s . . . but not in the actual movie business.

The acting was hackneyed, so
bad, I mean real terrible. The writing was even worse. I can't lay all blame on these actors – they
had nothing to work with. The very broad structure or plot of the movie could possibly be done and
done well with good writers and competent actors. The very broad structure or plot is that of a
psychotic man who spends his time shooting people from afar, as a sniper. These shootings were
motivated from men not respecting their women enough. If there was more writing - better writing,
much better writing - and less gratuitous sexual imagery we might have something to work with./>
This movie should have been shot, made and marketed a hardcore porn movie all along; it
would have made more money. It practically is a hardcore porn film already, and it remains the only
non-porn movie I've seen that shows a male erect penis." ], [ "Talk about false advertising! What was this doing in the comedy section of my video rental place? I
think there was maybe one laughable part in the movie. I can appreciate black comedy, but this had
only the blackness without any comedy. The movie was generally disturbing and un-funny. Yes, Kevin
Spacey was good as Buddy and the rest of the cast was also good, but generally the movie falls apart
because we don't really see a good enough reason for Guy (Whaley) to lose his mind so badly. The
ending was disappointing as well. What would Buddy's motivation be for letting Guy get away with
what he did? This isn't really explained AT ALL. Why would Buddy go for such a plan? Wouldn't it be
more like Buddy to screw Guy completely by turning him over to the police? The ending didn't seem to
make a whole lot of sense to me no matter how I looked at it.

Generally, I disliked the
film despite the good acting. Spacey essentially chews scenery for most of the film, but towards the
end he gives Buddy a bit of needed humanity. The story just wasn't as good as the cast." ], [ "This movie was so poorly written and directed I fell asleep 30 minutes through the movie. The jokes
in the movie are corny and even though the plot is interesting at some angles, it is too far fetched
and at some points- ridiculous. If you are 11 or older you will overlook the writing in the movie
and be disappointed, but if you are 10 or younger this is a film that will capture your attention
and be amazed with all the stunts (which I might add are poorly done) and wish you were some warrior
to. The casting in this movie wasn't very good, and the music was very disappointing because it was
like they were trying to build up the tension but it didn't fit at all. On a scale of 1-10 (10 being
excellent, 1 being horrible) the acting in this movie is a 4. Brenda Song is talented in comedy, but
with this kind of movie, in some of the more serious scenes, her acting was laughable. When she made
some of her \"fighting\" poses, I started laughing out loud. I think the worst thing about this movie
is definitely the directing, for example, the part where her enemy turns out to be the person the
evil villain is possesing, how her voice turns dark and evil, I think that was incredibly stupid,
and how Wendy's (Brenda Song)teachers were all her teachers at school being possessed by monks, that
was pretty ridiculous to. So to sumamrize it all, a disappointing movie, but okay if you're 10 or
under." ], [ "I rented this movie hoping that it would provide some good entertainment and some cool poker
knowledge or stories. What I got was a documentary type look at an average guys life who happened to
be really good at cards. Do I want to see the romance with his wife? NO Do I want to see about
everything that went on in this guy's life except poker? NO. Well thats what you get with this film.
The acting is good for such a low budget piece of crap. The film never tries to break the mold or do
anything original. It simply sleep walks its way through the script. The ending is disappointing and
never really looks deep into Ungar's mind. Instead it focuses on what was already obvious. He was a
drugged out card player with an average life not unlike any other average joe in vegas. The movie
focuses on the aspects of his life that were UN extraordinary rather than the Extraordinary. The
poker scenes in the entire film add up to about 4 minutes of footage. Ungar's achievements of
winning the WSOP 3 times seem life after thoughts. A 10 year old could do a better job directing
this movie.. or maybe it was the script being a piece of crap from the beginning that doomed this
joke of a movie.

If you want to see a film about gambling watch Rounders. It at least has
style." ], [ "I'd never walked out of a movie before this one. I'd entertained the idea a couple of times, but
this time I did it, snuck in to see the end of another movie, but had to come back and see the end
of the Rage while I waited for my friends. They told me I didn't miss much while I was gone, either.
I was generally offended by the entire movie, in such a grand way that I can't even describe it. My
gut instinct told me to get myself out of the theatre. It was a visceral reaction to a horrible
movie. The plot centered around the cruel actions of some reprehensible teenagers against vulnerable
and troubled others. There was no ray of light, no resonsible or likeable person to provide
contrast. I found that even the \"good guys\" of the movie did nothing for me, were silly, stupid,
whiney, or just plain ineffectual.

The repetitious, graphic suicide imagery was way
overdone, unnecessary, and disgusting. (Not in a \"I'm easily grossed out\" way, but more in the
portrayal of disregard for humanity way). And besides the repetition of that scene, in slow motion,
from so many angles, the other visual aspects, (interesting camera work, etc) had potential, but
just became annoying sometimes. I am a person who loves movies and tries to find good things about
them. Usually I can find some good things to counterbalance the not-so-good of any movie. I'm not
saying that this movie had nothing good, but I am saying that, whatever that may have been, I can't
remember it with all the other crap that drove me mad. I'm really sorry about that, too. Maybe the
best parts were the clips from the classic original." ], [ "I saw this movie, and I do like horror movies.

I did not know what to expect, but as soon
the movie was on his way it was nice to watch it. The idea was pretty original and the acting was
nice. Especially Jenna Dewan as the exciting/evil Tamara.

The hardest thing about horror
movies, is to make a good ending. But there the movie failed. For a change, a end-scene in a
hospital, where suddenly all employees are gone. First you see doctors and nurses running around,
but then they all went home?

No cries for help while being chased by Tamara, Escaping to
the roof (also a smart move...not) and off course a kind of open ending.

No....the movie
started great, the main part was nice to watch, but they really messed up the ending using all
clichés from bad horror movies. Jeffrey Reddick failed in my eyes with this movie, after making some
really quality movies like Final Destination 1 and 2.

If you like a good horror full of
cliché endings, Tamara is a good movie to watch. For me, I like movies which surprise me." ], [ "Any movie should have an idea; Simple or more complex, it needs one... The problem with
Fragata,..it's once more, that when he decides to make a movie, he so anxious to do \"whatsoever\"
that he forgets this main detail, and as result we have the characters doing whatever without any
justification, behaving without justified reasons...they are simple puppets going along the movie on
the flavour of the wind. It's boring and sad to see them appearing and vanishing like cards being
discarded in a game. Fragata always seem to have talent in advertising is own work...and that leads
you to see what he did...but in the end there's always a big disappointment. It's not enough having
a movie full of the \"hot Portuguese's pink magazine stars\"...especially when half of them can't
act...they only pretend to be funny. Here my only good point goes to the actor Helder Mendes...one
of the few non stars': He makes the effort to establish some credibility, and in such a messy movie
without any direction (of any kind) I give him the credit for trying hard. But this movie its worth
to check out as a manual of \"how to not do a movie\"...and if Fragata's previous works where
bad...this one it's a \"masterpiece\" in achieving the title of AWFUL. In few words,..Just check it
out! It will make you good,...and if you homemade your family movies,...and always feel bad with
your work...so just spend 30 minutes looking to this so \"called\" professional work...your home made
stuff will look like Powerful Hollywood Flicks compare to Sorte Nula." ], [ "I was truly looking forward to this title. It sounded and looked fun. The idea of someone making a
cheesy 50s monster movie could have been worth a few laughs, but instead this title only bores.
First off, there is almost no Froggg in the entire movie which is the biggest disappointment. I have
to sit through 75+ minutes of lame drama and dialog to get a few glimpses of the Froggg humping a
bare breasted chick. Why? On top of that the film lacks any sort of fun plot. I mean give me
something thats a bit more interesting than just a bunch of talking heads. I wanted to see some hot
chicks search for the creature in the swamp, I wanted to see some cuties dragged off to his lair in
desperate need of rescue (Creature from the Black Lagoon stuff), I wanted to see a few goofy action
scenes of the Froggg going on a killing spree, or it maybe escaping a silly trap. Something
exciting! Geez, have fun with it, be creative! Who wants to sit through endless and tiring dialog
scenes in a creature flick? My advice to the filmmakers: Keep going, your concepts are good, but
your execution needs to be a lot more inspired. Have some fun with the creature, put the humor in
the action and most important...put more creature in a creature movie!!!" ], [ "There's nothing particularly unique or interesting about this run of the mill low budget sci-fi
flick. Regardless of its pedigreed origin (the film is loosely based on a novel by Leo Tolstoy), the
plot and overall themes of this film are in no way remarkable or original, the science is weak at
best, and unfortunately, the film fails to even involve compelling action sequences.

The
plot begins with a manned space flight to Mars, and though the main plot doesn't really get rolling
until the ship lands, most of the most interesting scenes occur en route. Unfortunately, as soon as
our interplanetary travelers touch-down, their previously interesting interpersonal relationships,
speculations about cosmology and the meaning of life, and everything interesting about the film all
give way to an only remotely coherent plot concerning Martian revolutionaries, environmental
problems and not very convincing webs of deceit.

There is nothing very remarkable about
the production quality of the film either. It's passable. And most of the acting is, though slow,
OK. Cameron Mitchell is actually pretty good and plays a likable character. I guess the best quality
of this film, from my perspective, is its fashion sense. The martians have very nice outfits! If
this film had a point, it might have been much more interesting. Oh well." ], [ "Wow. This was probably the worst DCOM ever. I watched the first half hour and I laughed. Brenda Song
plays Wendy, the popular girl with the hot jock boyfriend and stuck up friends who is determined to
be Homecoming Queen. She is supposed to save the world as a warrior, and Shin comes to her aid to
help her with her Martial Arts. Shin teaches her the skills of a snake, tiger, etc. and she has to
learn certain techniques to save the world.

This movie is great for kids who want to
learn about Martial Arts and the Chinese culture but the acting and casting was horrible.
/>Brenda Song is a comedic actress and I can't see her playing a serious role. It was laugh out loud
funny watching her cry over Shin. Shin couldn't act at all, and everything was totally
unbelievable.

I watched this movie and tried to think of something similar, and the thing
I came up with was the Power Rangers. This movie is so fake and the stunts were so Power Ranger-
esquire that it was just corny and stupid. The characters weren't likable and I just couldn't stand
to watch it. Disney really needs to take time to make some decent movies. High School Musical is the
only movie that deserves to be on Disney Channel, along with other movies like Jumping Ship, Color
of Friendship, Go Figure, Read It and Weep, & Stuck in the Suburbs.

If you like action-
adventure and corny jokes, you'll like this movie." ], [ "Movies like this give independent films a bad name! This simply a boring compilation of vingettes,
with no structure whatsoever. I wouldn't be surprised if the screenwriter was completely stoned. If
you want to see a good stoner comedy, watch \"Half Baked.\" It's no award-winner, but at least it made
me laugh. The film was obviously made on a micro-budget. Every scene either takes place in someone's
house, someone's apartment or some outdoor location. If the writing was good and the dialogue was
interesting, I would've ignored the film's budget (like in the case of Edward Burns' films), but
obviously that's not the case this time around.

I quote Robert DeNiro from \"A Bronx
Tale\" when I say, \"There's nothing in the world worse than wasted talent.\" Everybody in the cast is
talented. Luke Wilson, Alicia Witt, Brittany Murphy, Jeremy Sisto--all talented performers! And they
all have been in much better movies. The actors give it their all, but they couldn't go too far with
such a lame script. The only scene I found interesting was Jack Black's cameo, where he sings a song
about being in the woods. And of course, there was the brief strip club scene at the beginning,
which I also found appealing.

The characters are uninteresting and the story barely
exists. Many movies are awful, but at least you understand their intentions. What was \"Bongwater's\"
intention? The world will never know.

My score: 2 (out of 10)" ], [ "This is total swill. If you take The Devil's Rejects and suck all the good out of it, and add a lot
of twisted, kinky bondage parts, a few rape scenes, and like one or two sincerely horrifying scenes,
and you'd get this movie. People are calling this a ripoff of '86's The Hitcher, but I don't see
that at all. Even the worst Hitcher ripoffs are still better than this. The main problem on display
here is that there's really nothing here besides a few of the director's fetishes being showcased
like circus exhibits. Is all you need out of a movie shots of girls being abused and tied up,
cowering in fear? Well, then rent this movie!

However, I'd rather just watch a good
movie, which this is clearly not. The sad thing is, there are some really good thrills waiting to be
uncovered here, but only a few. For instance, the suspense at the beginning before the bondage
nonsense started...pretty damn good if you ask me. And the scene where the hitchhiker kills the
nympho girl (can't remember names) is chilling, very brutal in a way, challenging even The Devil's
Rejects for unbridled fury. How come the rest of the movie can't be that good? Huh? I really need to
stop renting stupid crap like this. Closing message: Just let this gutter trash die and forget it
forever. Not recommended." ], [ "OK if you are looking for a fun lesbian romp. This is NOT the movie If you are looking for a fun
movie with hot sociopathic characters (in the vane of 'cruel intentions' or 'wild things') This is
NOT the movie if you are looking for a classic vampire lesbian seductress's movie. This is NOT the
movie.

However if you are looking to wast an hour of your life, this is your movie. It is
badly written, badly directed,badly scored, badly filmed.It had bad special effects...i mean really
bad special effects. I think that you can actually generate the same special effects in imovie
lol.

IT REALLY IS A PRETTY BAD MOVIE.

The actors were classic starlet beauties
however look more like porn stars. it is shot like a soft core porn however you never get the money
shot and the actors all look bored out of their brains. the 'girl on girl' scenes, which suck btw,
were so LAME that there hardly worth mentioning. go watch the 'almost sex scenes' on youtube cos
that's the only reason you would want to watch this movie and even there not worth it.

A
WAST OF MONEY AND TIME!!! don't even pick it up, go watch 'Cruel intentions 2' instead - same movie
without the bad special effects, bad storyline,bad writing,bad dialog and bad acting. actually i
might go watch it now just to purge my mind" ], [ "I have always been a fan of Bottom, grabbing as many videos as I could find of the series here in
the states. The chemistry between Rik and Ade is always genius, and the combination of smart writing
and utterly stupid humor seems to work without fail. I thus sat down to watch this movie with great
eagerness... and was utterly disappointed by the end.

The first 3/4 of the movie can best
be described as uninspired and poorly directed (sorry, Ade!), but with some utterly brilliant
moments. Unfortunately, these laugh-out-loud moments make you realize how less-than-brilliant the
rest of the movie is. The slapstick starts off funny but eventually becomes a bit boring, with only
the perverted sex jokes to keep things humorous.

The end of the movie (the 'green'
scenes, for those of you who've seen it) was... perhaps the worst ending I've seen in the past
decade. Honestly. It was one joke repeated about thirty times, followed by an abrupt ending that
made no sense (which didn't bother me) and wasn't funny (which did).

To sum up, I was
sorely disappointed by this movie. I shall cling to the few brilliant moments in it, to retain the
fondest memories that I can... but I have to warn you, if you're about to overpay for your NTSC
conversion tape from the local importer, don't. There are far better things to spend your money on." ], [ "SAKURA KILLERS (1+ outta 5 stars) Maybe in 1987 this movie might have seemed cool... if you had
never ever seen a *good* ninja movie. Cheesy '80s music... cheesy dialogue... cheesy acting... and
way-beyond-cheesy martial arts sequences. The coolest scene is at the beginning... with an aged
Chuck Connors playing golf on a beach... several black clad ninjas try to sneak up on him and it
looks like he is too intent on hitting his ball to notice... suddenly he reaches into his golf bag
and... naw, I won't spoil it for you... if you ever have the misfortune of seeing this movie you'll
thank me. The story is a lot of nonsense about some stolen videotape or something. A bunch of dim-
bulb Caucasian heroes are trained in the ways the ninja because \"only a ninja can fight a ninja\" or
something like that. Strange, these guys don't seem to fight any better after their training than
before... oh well, the movie does move along pretty briskly. The fight scenes may not be great.. but
they are plentiful... and the overdone sound effects are good for a few chuckles." ], [ "technically, this movie would have had it all: decent actors, a nice landscape, no obvious sights of
a lack of budget, a celebrity like richard attenborough. the plot summary also sounded promising,
suggesting a satire on silly bureaucracy and common people outwitting it.

however, it
never delivers. the plot is simply too illogical. throughout the whole movie, not one person does a
single sensible thing. mad politicians, ridiculous soldiers, brain-dead villagers - all just hustle
from one incredible situation to the next. what they all do never makes sense in a context beyond
the current scene.

of course, this kind of movie has to be absurd and exaggerated.
however, it's also supposed to have at least one instance to point out the madness behind splitting
a city in the middle. actually, there are (at least) two attempts, which unfortunately fail: the
main character, who doesn't seem to have a clue about what's happening to him, and the \"writer\", who
occasionally cracks jokes from the off that might be considered funny by an audience consisting
solely of 12 year olds.

what i found most impressing is that the movie tries to be funny
all the time, but didn't made me laugh once. i've seen several bad \"funny\" movies, but until yet
every single one of them featured at least 2 or 3 good laughs. so in this sense, \"puckoon\" is really
remarkable.

if you want to see a great movie with a comparable plot, check out \"brazil\".
don't waste your time on \"puckoon\"." ], [ "I don't know about you but i go to horror films to be scared and this was anything but scary, the
movie had several chances to be truly scary and failed miserably EVERY TIME! Several of these
supposedly suspenseful moments were haunted by some of the worst cg you will see this year, perhaps
decade! I mean when i say the cg looks like daytime TV, I'm giving daytime TV a bad name, I've seen
better stuff on the sci-fi channel. Who i really feel sorry for is the actors,(that they have their
names attached to this film) they did a good job, i cared about most of the characters and i felt
that their performances were quite good, but that was not enough to bring this movie out of the
gutter. Whats really amusing is the reuse of some of the sets, if you have seen \"exorcist: the
beginning\" it will be easy to spot the reuse of some of the buildings. However what i thought was
the worst thing about this film, even above the cg problems was the main demon, he was just not
scary in anyway, his form, the way he talked, he was extremely bland. all in all this movie was a
horrible experience and i would have walked out of the theater if it weren't for my wife wanting to
see the end." ], [ "2005 gave us the very decent \"gore porn\" flick Hostel, and 2006 gave us Live Feed; a not so decent
rip-off of Hostel. Live Feed follows pretty much the same formula as Eli Roth's earlier film, except
this time the dumb kids are in Asia rather than central Europe. The plot focuses on these dumb kids,
and one of them has annoyed one of the locals so they find themselves in trouble. The locals decide
to lock them all in a theatre, and kill them. Despite the fact that I'd heard some less than
favourable things about this film before seeing it, I still hoped that it might be at least half
decent because director Ryan Nicholson previously made the very decent 45 minute rape and revenge
film 'Torched', but this film falls down simply because most of it is either ridiculous or boring.
The film is obviously trying to hark back to the good old days of Grindhouse cinema (which Hostel
did, successfully), but it really doesn't come off. Surprisingly, considering Nicholson's previous
work in special effects - not even the gore is impressive...although it is a lot better than the
acting! There's not much else I can say about this film...it's bad and not in a good way. Avoid it!" ], [ "Watching this movie really surprised me. I have never found myself to stop watching a movie in its
entirety because 3 dollars to rent a movie is a good amount of money and darn it, I should at least
watch the whole thing and get my moneys worth. I made it through about 30 minutes of this absolutely
crappy movie when I thought to myself, I am now a little more dumber after watching this movie. I
can't believe that the director and actors in this movie actually had that low of respect for
themselves to allow this to be released!

There's nothing I can say that hasn't been said
by the other reviewers, but even in the worst of films there are usually one or two decent
performances...not in this piece of pathetic garbage. I've seen better acting in high school plays.
Every, and I mean every 'actor' is bad beyond belief, and what's truly amazing is the uniformity of
the badness...gosh, it must have been the director. Where did they get these people?

This
is possibly one of the worst horror movies I have ever seen. Although entertaining in places due to
its laughable script and even weaker acting, and I use that term very loosely, it is unfortunate
that this film was not consigned to B movie hell for all eternity. What could have been a good idea
has been ruined by an ultra low budget, poor sound and effects and actors who probably earned their
wings in children's television, and poor children's television at that.

Please, STAY
AWAY from this movie. Not even worth a minute of your time." ], [ "I saw this movie previewed before something else I rented a while back...and it looked decent. I've
seen some good stuff from Full Moon video, and thought it was worth a shot... Unfortunately, this
was not good stuff.

The story is about a possessed bed. A couple moves into a new
apartment, discovers the bed, and odd things start happening. Odd things like the woman discovers
kinky sex. And the man discovers kinky sex. And the woman draws pictures of kinky sex. And the man
photographs kinky sex. And they both start having dreams about dead people having kinky sex. You'd
think a movie with so much kinky sex would be good, right?

Well.... No. The problem is
that this is supposed to be a scary movie, or at least a thriller, and it just doesn't deliver.
There is little tension, no suspense, and no fear. Aside from some troubling dreams and visions,
there really isn't anything for this couple to be worried about. The whole movie is basically the
two of them having these visions and playing around in bed. Sure, you get a monster fight at the
end...and some bloodshed...but nothing spectacular... There's only one murder, and one good scare,
and that's it.

And the kinky sex? Don't get your hopes up (or anything else for that
matter). Their idea of kinky sex is woman on top, fully clothed, trying to strangle her mate with a
necktie. Not exactly my idea of a good time." ], [ "First of I should point out that I used to love Winnie The Pooh as a child and I really enjoyed The
Tigger Movie even though I am in my 20's.

But this movie was so bad I was ashamed to have
been a fan in my youth.

OK, OK I know this is a movie for kids and isn't aimed at people
like me anyway but this is my thoughts on the movie for other people of my age.

The main
downfall in this film is the heffalump itself, it has to be the most annoying character I have seen
in a child's movie (possibly even more annoying then the young child in Monsters Inc). It has the
most annoying voice and prattles around singing stupid things and making even more stupid comments,
I know Pooh movies aren't exactly high brow but this was insulting to even a 2 year old's
intelligence!

Secondly - where was the story? Previous Pooh outings had a least a point
to the story- yes I can see this was about accepting people who are different to you into your
hearts - but really it ended and I felt like I had watched a 5 minute cartoon on kids TV.
/>I don't have children of my own but when I do I fully intend to show them quality children's
movies like The Tigger Movie, Toy Story and Finding Nemo (even though they are too childish for me
these days I can see how they would be of great appeal to young children). Not so with this
appalling attempt at a movie.

Oh and one more thing - NOT ENOUGH Eeyore! He should have
his own movie!" ], [ "I bought this movie because this was Shah rukh khans Debut.And i also liked to see how would he do.I
must say he is excellent in his role.Divya Bharathi is superb in this movie.Rishi does a wonderful
job.Susham Seth supported well.Alok nath was good in his role.Amrish and Mohnish did their parts
well too.Dalip also was good in his small role.Actors shine in a Mediocre movie.The direction is
average.The editing is poor.The story is boring.It tells us about Ravi a famous pop singer.He has a
lot of female fans.One of them is Kaajal.Ravi and Kaajal fall in love and get married.Ravi gets
killed by his cousins.Kaajal becoems a widow..To escape from Ravis cousins.They go to Bombay.She
comes across Raja.She falls in love with him and gets married.Ravi returns.The story is
predictable.The climax is predictable.The first half bores.It also drags a lot.But it is saved by
the actors and music.The second half entertains.The music is catchy with some nice songs.The
cinematography looks outdated in the first half but it looks unimaginative.The song picturisations
are dull except for \"Sochenge Tumhe Pyar\" and one rain song.The costumes are outdated.Any way watch
this just for the actors and music Rating-4/10" ], [ "I watched this film not really expecting much, I got it in a pack of 5 films, all of which were
pretty terrible in their own way for under a fiver so what could I expect? and you know what I was
right, they were all terrible, this movie has a few (and a few is stretching it) interesting points,
the occasional camcorder view is a nice touch, the drummer is very like a drummer, i.e damned
annoying and, well thats about it actually, the problem is that its just so boring, in what I can
only assume was an attempt to build tension, a whole lot of nothing happens and when it does its
utterly tedious (I had my thumb on the fast forward button, ready to press for most of the movie,
but gave it a go) and seriously is the lead singer of the band that great looking, coz they don't
half mention how beautiful he is a hell of a lot, I thought he looked a bit like a meercat, all this
and I haven't even mentioned the killer, I'm not even gonna go into it, its just not worth
explaining. Anyway as far as I'm concerned Star and London are just about the only reason to watch
this and with the exception of London (who was actually quite funny) it wasn't because of their
acting talent, I've certainly seen a lot worse, but I've also seen a lot better. Best avoid unless
your bored of watching paint dry." ], [ "The fact that this movie has been entitled to the most successful movie in Switzerland's film
history makes me shake my head! It's true, but pitiful at the same time. A flick about the Swiss
army could be a good deal better.

The story sounds interesting, at the beginning: Antonio
Carrera (Michael Koch) gets forced to absolve his military training by the army while he is in the
church, wedding his love Laura Moretti (Mia Aegerter).

The Acting in some way doesn't
really differ from just a few recruits getting drunk and stoned in the reality. Melanie Winiger
plays her role as the strong Michelle Bluntschi mediocre, personally i found her rather annoying.


The storyline contains a comedy combined with a romance, which does not work as
expected. The romance-part is too trashy, and the comedy-part is not funny at all, it's just a cheap
try and does not change throughout the whole movie whatsoever. It's funny for preadolescent 12-13
year olds, but not for such as those who search an entertaining comedy. The humor is weak except for
some shots.

Dope? Cool! Stealing? Cool! If you want a proper comedy about the Swiss RS,
make sure you did not absolve your military training yet, and even then don't expect too much!/>
I'll give it 4 out of 10 stars, because Marco Rima is quite funny during his screen time.
Not a hell of a lot screen time though" ], [ "This movie has a few things going for it right off the bat. Having Dani Filth as a lead actor is
automatically going to make some people like this movie. Admittedly, I love Cradle of Filth and
listened to the soundtrack to this movie long before I watched it. Dani Filth is a very recognizable
character and makes for a great lead. The independent filming style of the movie is great for the
creepy factor. There are some GORGEOUS actresses in this movie. For being low budget, the special
effects weren't bad either. The ways that people died were very creative and nightmarish.
/>Now on to the cons. There is VERY little talking throughout this whole movie, thus making for very
little as far as character development. It's hard to fear for the lives of limp, static characters.
When there was a little talking, the F bomb was abundant, popping up in random places. Yes, I
understand people swear but it seems like a preteen boy scripted this and thought himself cool for
including all the language. The storyline, what I could make out of it, was pretty good although
many parts are left dangling and the lack of conversation leaves one often wondering what's
happening.

In the end, Cradle of Fear is like a porno for people who love sex and
violence, but like a porno trying to pull of a storyline, it just doesn't work too well. Rent it
though, if you're a morbid person looking to sate your blood and flesh appetite." ], [ "This film was absolutely...ugh i can't find the word oh wait... crap! I mean when it started i was
like yeah this looks good and then after it was so boring. I nearly fell asleep and it had nothing
to do with the fact that i caught a late showing because it was utter filth. Ram Gopal Varma has
tried his best but the cast could never live up to the cast of the original Sholay i mean what was
he thinking doing a remake. What was he trying to do? Be like Sanjay Leeli Bhansani and win all the
awards next year like he did for Black? Ajay and that other guy were good especially the other guy
who played raj because out of all of them he was the one to look at. What was Amitabh doing? He's
destroying his own dignity by doing all these stupid films. First Nishabd then Cheeni Kum then Jhoom
Barabar Jhoom and now this i mean hes got to gather a bit of his money and move as far away from
Bollywood as possible before he loses all his respect and I'm telling you he's already past half his
way. I mean all this is really good for the other actors like Shah Rukh Khan who's getting a really
good name now because of the recent downfall of Amitabh. I never really liked him because he thinks
he's God and i just knew Abhishek was going to be in that movie.

If you want to save
your £17.75 and spend it on something good go watch Heyy Babyy because that's just the funniest
movie ever and it's number one in the charts!" ], [ "OK this movie had a terrible premise. Be serious according to the movie they had just been through
an apocalyptic war yet they have money to buy huge robots and pit them against each other. Each
country decides instead of investing into rebuilding their country they would rather fight with
robots no one could afford. Here's a better idea, lets rely on our most inept resource,jocks, to
fight our battles.

Everyone says what about the director, what about him. He makes a
good movie, he makes a bad movie. There is no reason to give this movie some credit just because of
the director, maybe he was asleep? I thoroughly enjoyed this movie, because it was so cheesy and
ridiculous I had to laugh. I actually had a good time watching it, well except for the cowboy mentor
who turns out to be an assassin(trust me no one would see this guy as an assassin, so it is a
surprise, however lame) What kind of training exercise is a jungle jim anyway. I was sad to see
Mst3k had not done this one. I am giving a two star rating however because nothing could be as bad
as \"manos the hands of fate.\"

The budget does not matter either, I have seen plenty of
reasonable movies that had nothing for budgets like cube. The storyline was not even plausible and I
have seen better acting in school plays. Surly they could have afforded an eleven year old from any
middle school play.

Anyway pick it up, it is a fun movie to watch." ], [ "I've seen a lot of bad movies in my life. Date Movie. That was bad. But this...this is just...it's
not good. House Party 4 is the worst movie ever. It's as simple as that. It's basically Ferris
Bueller with black people in it. Oh, and it's not funny. It's awful. So awful. Chris Stokes may be a
superstar on BET, but he's an idiot. He can't write a comedy. Or a horror movie. I like to refer to
him as a blacker, lesser-known Uwe Boll. Except Uwe Boll's films are funny awful, if you know what I
mean. You can invite some buddies over, pop in Alone In The Dark, and have a great time laughing and
eating snacks with your buddies. Chris Stokes is like that, except if you invite friends over to
watch House Party 4 with you, no one will be laughing. Not even the biased token black guy or the
illiterate jock. I'm serious, I didn't laugh once throughout this whole movie. The acting is
terrible, and the movie looks like a bad indie film. What was the budget for this movie? 5 damn
dollars? I mean, what the hell? This movie just sucks; don't waste your time with this crap. It's
disgusting." ], [ "So many fans, so little to show for it. I know, I know, these words are gonna find me in a great
minority. A lot of people really liked Good Will Hunting. But seriously please, great film making,
not even close, and let's put the blame where it belongs... in the writing.

Now, I know
they won an oscar for it, and boy did they look good emoting on the screen. But Good Will Hunting is
an ABC after school special with lots of cursing in it, and a slightly bigger budget.
/>What this movie does show, is the brilliance of Harvey Weinstein and Miramax Pictures. Mr.
Weinstein could take manure, feed it to you, and make you believe your eating bon bons. And that's
exactly what the studio did with the film. They created such high faluttin buzz around it, that
people believed, and wanted to believe it so much --- that they saw brilliance where there was
none.

Now, I know some people think it's a great movie, I don't think it's a horribly bad
movie, I like to compare it to more in the middle of the road movies, and also to some great Made
for TV movies (although, not HBO films, HBO films are unusually better than Good Will Hunting would
ever be.) It's just a nice, little film, with some good performances, Robin Williams was not good in
it, they just gave him the oscar cause the'd been itching to do it for a while. And of course, the
Miramax public relations machine secured Ben and Matt their screenwriting oscar... but come one
people... there's better movies out there thatn GWH." ], [ "This is a very interesting acquaintance! \"Two-fisted tales\" contains three foolish and childish
episodes - genre isn't actually horror or action, more like something in between. Where's the
suspence? Where's the fun? Where's the common sense? Definitely not in here but if you don't expect
to get it, you don't necessarily miss it.

First segment is called \"Showdown\". It's a
violent, absurd western. I failed to understand the whole idea of it. \"King of the road\" is a stupid
story starring Brad Pitt. At the time of \"Two-fisted tales\" he was just a pretty face who really
didn't know how to act yet. Luckily he learned the skill later and now he's a fantastic, talented
actor - one of the big ones of the younger generation. Story is almost ok in all of it's stupidness.
Final episode \"Yellow\" is the only segment that's almost entirely successful. It's foolish but
funny. We have to thank Kirk Douglas for that.

This movie is something to watch when you
sit in an easy chair and eat popcorn. (I should know, that's what I did) If you loved \"Tales from
the Crypt\", you'll love \"Two-fisted tales\" too because basically it's all the same. I understand
these three episodes are actually extremely rare \"piece of art\" and very difficult to find anywhere.
I have the whole package on VHS but I don't think it's a big privilege. You'll have to be a fanatic
Brad Pitt fan to search it out. Otherwise don't bother, it's not worth the effort. Silly crap." ], [ "Worth the entertainment value of a rental, especially if you like action movies. This one features
the usual car chases, fights with the great Van Damme kick style, shooting battles with the 40 shell
load shotgun, and even terrorist style bombs. All of this is entertaining and competently handled
but there is nothing that really blows you away if you've seen your share before.

The
plot is made interesting by the inclusion of a rabbit, which is clever but hardly profound. Many of
the characters are heavily stereotyped -- the angry veterans, the terrified illegal aliens, the
crooked cops, the indifferent feds, the bitchy tough lady station head, the crooked politician, the
fat federale who looks like he was typecast as the Mexican in a Hollywood movie from the 1940s. All
passably acted but again nothing special.

I thought the main villains were pretty well
done and fairly well acted. By the end of the movie you certainly knew who the good guys were and
weren't. There was an emotional lift as the really bad ones got their just deserts. Very simplistic,
but then you weren't expecting Hamlet, right? The only thing I found really annoying was the
constant cuts to VDs daughter during the last fight scene.

Not bad. Not good. Passable 4." ], [ "Honestly, I didn't really have high expectations for this movie, but at the same time I was hopeful.
Having it be directing by Albert Pyun - one of the more well known b-movie auteur's - didn't exactly
raise my hopes. I mean how many Albert Pyun flicks rank that highly? Yeah, exactly ... but still the
movie advertised a decent cast. Rob Lowe, Burt Reynolds (pre-reborn stardom), Ice-T and Mario Van
Peebles.

It all amounts to squat however as the movie is so boring and moves so slowly
that the energy just seemed to drain right out of me the longer it went on. It runs over 90 minutes,
but it's telling a story that could have been told in 30 minutes flat. I don't know what Pyun was
going for here. I mean the movie drips artsy-like style, but it's a blur at times and maybe I'm an
idiot for expecting more from Pyun this time around. Here he seemed to actually have a budget and a
potentially great cast for the material, but it's all wasted. Crazy Six isn't much of an action
film, it's not much of anything really.

I guess what's the saddest here is the fact that
I found the end credits the most entertaining part of the movie. The music score is actually half-
decent with some smooth female vocals too, but the rest is a complete waste and the less said the
better. Avoid." ], [ "Exceptionally bad! I don't expect much from Garcia since he is one of the most overrated actors
today but Keaton really should have known this movie would suck and gotten out while he could (not
that I'm especially fond of him but hey, he did batman).

In one scene Keaton is
transported to a hospital chained down and wearing a Hannibal Lecter kind of face mask when two
attack dogs bark at him (dogs can sense evil you know (puke)) and Keaton growls back at them making
them back off and whine with their tails between their legs. Did the movie turn comedy right there?
Garcia makes a fool out of himself in an interrogation scene with dialogue only a complete retard
could find plausible and the kid is too annoying to feel sorry for..

If you are gonna
make a movie with as poor a plot as this you need some charm, humour, some solid action. Take Die
Hard for example which is great despite its rather crappy plot.

Even though Keatons
character was a joke i routed for him all the way. I wanted to see Garcia cry over his dead kid and
Keaton sipping martinis on some paradise island, however! This movie makes for a good laugh.. Watch
it with a witty friend and you can have some fun as this movie begs for wisecracks in almost every
scene.

All in all its an insult to one's intelligence and a huge waste of money. Greed
made this movie and thank god it bit its own ass." ], [ "well, the writing was very sloppy, the directing was sloppier, and the editing made it worse (at
least i hope it was the editing). the acting wasn't bad, but it wasn't that good either. pretty much
none of the characters were likable. at least 45 minutes of that movie was wasted time and the other
hour or so was not used anywhere near its full potential. it was a great idea, but yet another
wasted good idea goes by. it could have ended 3 different places but it just kept going on to a
mostly predictable hollywood ending. and what wasn't predictable was done so badly that it didn't
matter. the ending was not worth watching at all. sandra bullock was out of her element and should
stay away from these types of movies. the movie looked rushed also. the movie just wasn't really
worth seeing, and had i paid for it i would have been very mad. maybe i was more disappointed
because i expected a really good movie and got a bad one. the movie over all was not horrifibly bad,
but i wouldn't reccomend it. i gave it 2 out of 10 b/c i liked the idea so much and i did like one
character (justin i believe, the super smart one). and it also had some very cheap ways to cover
plot holes. it was like trying to cover a volcano with cheap masking tape, it was not pretty.
anyway, if you see it, wait for the $1.50 theater or video, unless you like pretty much every movie
you see, then i guess you'll like this one." ], [ "1980 was certainly a year for bad backwoods slasher movies. \"Friday The 13th\" and \"The Burning\" may
have been the best ones but there were like always a couple of stinkers not far behind like \"Don't
Go Into The Woods Alone\" and this one. But in all fairness \"The Prey\" is nowhere near as bad as
\"Don't Go Into The Woods\" but it's still not great either. One thing is that it's just boring and
acting isn't very good but much better than \"DGITW\" and this movie actually has some attractive
looking females to look at, all three of the female leads were stunning. One thing what is up with
all that pointless wildlife footage it just seemed pointless and it looked as the director used that
to just used that to fill up some time space.

So, what was there to like about this
movie? Well, there were a few laugh out loud cheese moments- I couldn't contain a fit of giggles
when the final girl did a bizarre type of backwards moon-walk to get away from the kille and there
were a few good kill scenes- my favourites being the girl suffocated to death with the sleeping bag;
and the phoney looking.

All in all The Prey is dumb, boring and the killer I didn't find
scary at all, this movie could have been a whole lot better." ], [ "Everyone in a while, Disney makes one of thoes movies that surprises everyone. One that keeps you
wondering until the very end. In the tradition of Pirates of the Caribbean, this movie is sure to
turn into a ghost, and kill and rape your village. It's terrible. If you want a mindless, senseless,
predictable \"action\" movie, go right ahead. I believe that young kids might enjoy this, as they like
it when Good ALWAYS wins. But me, I like movies where it's a toss up who's going to win. This movie
never lets the Bad Guys have the upper hand. By the end, when th heroes are left in an
\"inescapeable\" pit, you just KNOW that they can get out. Everything works out perfect for Cage and
his friends, he never has to think over a riddle or clue for more than 10 seconds, no matter how
complex it is. See this movie if you want to see some impressive set designs, not if you want to see
good acting, or a good film. Go watch a superman movie, it would be much shorter, and the kids would
like it more. For instance, the scene where Cage is fleeing from armed gunmen, and the bullets are
all deflected by a the railing of a fire escape. (And I'm not talking about a fence or anything,
just ONE LITTLE POLE) This movie shows the decay of films and the film industry to cheap gags and
dull, unrealistic action, which this movie provides in huge quantities." ], [ "this movie is similar to Darkness Falls,and The Boogeyman(2005)but it's also much more graphic than
both,and not as good as either.it's also slow and fairly predictable.it's also got shades of
Deliverance and the Amityville Horror.plus,we get some new age flavour thrown in the mix and some of
those scenes come off as a motivational/inspirational sermon.really,this movie is a hodgepodge of
almost everything.even though it is gory,the makeup effects are not very realistic looking.in fact
they look kinda cheap.aside from all that,there is some really awful clichéd dialogue.and i won't
say when,but there is a point where a couple of the character's actions were not authentic or
believable,given the circumstances.nobody in their right mind what would have acted this way.once
you watch the movie,you'll know what i mean.there's also some gratuitous nudity for nudity's sake.it
just wasn't necessary at all.the good news is that the acting was actually pretty good.better than
this movie deserves.so,after carefully weighing the evidence,id say this movie was passable,but not
good.my verdict for The Tooth fairy:4/10" ], [ "I thought that this movie might be a good spoof, or at least a good independent comedy like Friday.
Instead it was more like something someone in high school would make with their parents' camcorder.
It wasn't just the low budget that makes this film bad (many great films have been made on a low
budget), it is simply a bad movie and it wasn't even bad enough to be good camp. Case in point: for
the first ten minutes of the movie nothing happens except the 3 main characters sit in their room
smoking dope, put on their makeup, and then answer a phone call. You keep waiting for something to
get story moving, but it never comes. The sound was so bad I had to turn the TV up all the way just
to almost make out what they were saying (which wasn't interesting anyways). If I pay to rent a
movie I will usually suffer through it even when it's bad, but it was all I could do to sit through
20 minutes. It looks like the person before me felt the same way because they didn't rewind the tape
and left off about the same place I did. The only reason I gave this a score of 1 is because the
rating system doesn't have negative numbers." ], [ "I'll start by admitting that I enjoy many movies that have low ratings on this site. I find that if
I can see what the creators were trying to do I can find appreciation for their work. Sound of
Thunder was a story that interested me. I wanted to see what angles the filmmakers would attack in
telling the story. By and large they attempted to create an entertaining movie. The plot was
contrived, but most action movie's plots are. Ed Burns doesn't know how to carry a rifle, but still
holds his own well as an action lead considering he isn't asked for much. The main problem,
!destroys the whole movie!, is the horrible CGI. It is totally unacceptable for the animals and
backgrounds to look soooooo very fake. Aside from that the animal conceptions could have been really
good, as could the action scenes but failed because the production failed. This could have been a
really memorable film if they had only finished it. It really looks like they meant to go back and
fix all the horrible CGI but ran out of money and still released it. Save your money because someone
failed this movie. I give it three stars because it really could have been good but was totally
failed somewhere I can't say it enough." ], [ "The odd thing about Galaxina is not that it is supremely bad, although it is. The odd thing is that
in spite of being supremely bad, it is not funny. Supremely bad movies have their own particular
brand of unintended humor--the secret of their success, you might say. But Galaxina is quite
uniquely different--it is MST3K's worst nightmare, a bad movie in which the intentional *and* the
unintentional humor alike fall flat.

It is easy enough to figure out why the intentional
jokes fail--and the reasons are quite varied. Sometimes it's a timing question; sometimes it's a
good idea badly worked out (the human restaurant *could* have been hilarious, but it wasn't);
sometimes it feels like there was some mixup in the cutting room, with the punchline ending up on
the floor; and sometimes the jokes are just bad jokes. Bad movies get their laughs from such
unintentional snafus. It's harder to figure out why Galaxina doesn't get any laughs on that count.
Something is subtly wrong with the unintentional humor in this movie, just as something is wrong
(not at all subtly) with the intentional humor. It is a supremely bad movie whose very badness is
not the redeeming quality it usually is. It's absolutely unique in my experience." ], [ "If you watched this movie you know why I said \"Jesus, Jesus, Jesus\". Hehehe!!! Every time they said
\"Jesus, Jesus, Jesus\"... I laughed thinking \"Jesus, Jesus, Jesus, why did I rent this movie\"? I
cannot believe how Oscar winners like Freeman and Spacey appeared here in the background while
Timberlake and LL Cool J grabbed the screen. WTF is Timberlake? Dreaful acting! I think someone like
Joshua Jackson could have done a much better job! This job was perfect for Joshua Jackson and
believe me I am not a big fun of him... but I really prefer an actor, not this android called
Timberlake. And his girlfriend was shallow, hollow and annoying as hell. I was happy when they both
were popped in the street.

The story was OK and I think Dylan Mc Dermott did his bad guy
role very well. The movie was entertaining but I think Timberlake ruined it all. It would have been
much enjoyable without him.

By the way, the music was OK, but suddenly every time the
music appeared the movie turned into a MTV video clip with flashes, low motion and things like that.
Something misplaced for this cops movie I thought. Maybe they wanted to make a MTV video clip for
Timberlake." ], [ "I was really geared up to watch when two of best movie critics tagged this movie as a 'laugh riot'.
But the movie turned out be disappointing.

You will be advised to watch this movie
keeping your brains at home but you simply can't ignore the flaws and the shortcomings.
/>1. The missile scene was total stupidity.

2. Katrina Kaif and Govinda pair looked
awful. (He's 49 and she's just 24... more than double of her age) 3. Salman's comedy is less of
acting and more of overacting.

4. Songs are good but interrupts the pace of the movie./>
5. Some scenes were deliberately attempted by the movie makers to be funny, and 6. Poor and
flawed story.

However, there are few pluses- 1. Govinda. Great Individual Performance./>
2. Some scenes are actually quite funny.

3. Kattrina Kaif. Looks and Acting keeps
on improving with every film.

4. Rajpal Yadav's Don sequences. Though under-utilized but
hilarious.

So 4 good points, 6 bad ones.. this one gets 4/10." ], [ "I watched this movie on march 21 this year.Must say disappointment.But much better than
\"Tridev\".Plot is hackneyed.Tells about Prabhat who lives with his father,Wife and his little
brother.The movie opens when he saves a bride.Anyway.Azghar Jhurhad makes a plot to kill his young
brother.He makes a plan by sending few man.They come to a school pretended to be Prabhats
friends.Kill that kid.His father throws him out of the house.Then later comes back.He and Aakash go
to Kenya to find him.Sunny gives a good performance,Chunky was annoying at best,Naseerdun is
wasted.Divya did good,Sonam was wasted,Jyotsna was wasted but looked cute.The kid which played
Sunnys brother in the movie was cute.Too sad he had to get his character killed.The girl was cute
but was annoying.The other kid did good.Alok did good.Kiran was adequate.Amrish and Gulshan did
good.The cinematography is excellent in both India and Kenya.Script is weak but has a few good
dialogs.Also drags .The movie.The music was alright.I only liked one song\"Saat Samundar\" the lyrics
of that song was good.The other songs were forgettable.Don't watch this. Rating-3/10" ], [ "This movie has a fairly decent premise - one gruesomely featured again and again in science fiction
films, most spectacularly in \"Alien\" - and some decent \"he-man\" performances from the male cast. The
possessed astronaut's wife, to me, is the weak link in the ensemble - she doesn't seem to know what
to do with her face in a lot of her most prominent scenes, for which I blame director Corman. />
Given a decent budget for props and special effects and a more focused and coherent screen
play, \"Blood Beast\" might have been pretty decent. But the inherent cheapness of the production
design and the continuity errors and gaffes undermine the proceedings. For instance, every time I
saw the comatose astronaut laid out on an \"examination table\" the width of an ironing board, I broke
into giggles, probably not the the emotion the crew wanted to invoke. And the monster's costume
needed some serious work; fern covered parrots just aren't scary or convincing.

Still,
the premise was strong enough that I hung on to the end just to see how the plot would resolve
itself, and the alien's motives were sufficiently ambiguous at first that I could sort of think of
it as an enigma. And the scene with the shot of the murdered scientist had a bit of punch to it,
along with the plot development where the alien claimed to have assimilated some of the dead man's
personality.

It's Corman. It's cheap, fast, and mildly watchable if you don't think too
hard or expect too much. What more needs to be said?" ], [ "You probably heard this phrase when it come to this movie – \"Herbie: Fully Loaded with crap\" and yes
it is true. This movie is really dreadful and totally lame.

This got to be the second
worst movie Lindsey is ever in since Confession of the Teenage Drama Queen. The only good thing
about this movie seem to be the over talent cast which by far is better than the movie million times
and is the only selling point of the movie. I don't see how such a respected actor like Matt Dillon
could be a part of this movie, isn't he read that horrible screenplay before he sign on to be in it?


What I didn't like about this movie is also base on how Herbie is surreal and fantasy
like extraordinary ability and climb on wall and go faster than a racer car after all it just a
Beatle. I know it is a kids movie but they have gone overboard with it and it just turn out more
silly than entertaining. Little realism is needed plus the story is way too predictable.
/>Final Words: Unless the kids are actually 5 -12 years I highly doubt that any one could enjoy this
senseless movie. What wastage of my money. I feel like cheated.

Rating: 3/10 (Grade: F)" ], [ "I decided to watch this movie in order to fall asleep. It kept me awake, so it was interesting;
however, it was pretty bland.

The acting was good. I don't think any of the actors did a
bad job. Mickey Rourke is as believable as an over-the-hill hit-man can be. The dialogue in this
movie does not provide much opportunity for these actors to show off their full potential, but they
still shined.

The atmosphere was great. Music was good and colors matched the mood that
the director wanted to paint for the viewers. Even the weather enhanced the mood of the movie.
Everything was well done.

The failures of this movie are in its story development. The
storyline with the mafia vs. Blackbird doesn't get enough attention. The storyline for Carmen and
Wayne's divorce doesn't get explained. The FBI seems to work extra fast here. Is there no paperwork
for all these processes? Is it really that easy to dig up your brother's body from his grave, burn
the corpse, and have it be identified as you? There are too many loops in the storyline for me to
give this movie anything higher than a 4 out of 10 rating. I wouldn't recommend this movie to people
unless they're really bored and have smoked some really good weed. Even if WoW is down for
maintenance, go find something better to do than watch this movie." ], [ "My best guess is this piece of work will come out on DVD sometime before Christmas.

This
movie was terrible. The time line jumps all over the place. This wouldn't be so bad if it left some
suspense for the end. It was entirely predictable. Bitch girls pick on outcast, outcast wants to
know why they hate her so much, bitch girls die a terrible death, outcast girl goes home and looks
crazy. Outcast girl brought evil spirits with her, makes neighbors go crazy and kill each other.
Creepy kid understands what's going on. Oh, and the younger sister not being good enough for Mommie,
sick mother sending younger daughter to bring the golden child home.

To be fair, there
were some great moments here and there. First of all, Sarah Michelle Geller's character dies in the
first few minutes. Definite plus. Didn't see that one coming. I didn't expect the wife to pour bacon
grease on her husband's head, either. If the movie had kept up those kind of thrills, I would have
loved it. The beginning showed so much promise.

I was disappointed because I enjoyed the
first one. It made me jump, I didn't expect most of what happened, and though I questioned some of
the movie, it was still a fun watch. I didn't watch any previews for this the sequel, because I
wanted to be surprised. I was, but in the wrong direction." ], [ "This movie had so much potential to be hilarious yet moving but fell way short of either. It had a
great story line, it just was not executed as good as it could have been. The weird \"hallucinations\"
during his sleep scenes made absolutely no sense and definitely was not needed, they made no impact
nor did they enhance or lend any understanding of what was to come or happen.

Jon Heder's
character was OK but could have been expanded upon more. He played the crappy part he was given at
his best. The character was funny, but again, it fell short of what could have been.
/>Mila's character was perfect and her performance was spot on.

In closing, the writing
was horrible and more often than not, made no sense and his hallucinations did not fit with the
movie at all. This movie, with better scripting and directing, could have been a contender to
National Lampoon's Vacation as far as funny, bad things happening to a person on a trip across
America.

Instead, it was only worthy of a second \"flush\". If I would have seen this at
the theater, I would have demanded my money back and boycotted the film.

The only thing
that this film did was waste an hour and a half of my life. It also managed to make all those
involved in the movie look bad, simply because the movie was a stinker.

I do not
recommend this movie to anyone! Ever!" ], [ "This is absolutely the worst comedy I have ever seen. It's hard to explain though, because (unless
you've seen this) I bet you've never seen a comedy that was not good or bad; it's just there (That's
the original part-not good or bad, just there)!

Let me say that I have seen every
comedian appearing in a main role, and like them all. That's what makes this such a mystery. The
supporting leads are actually acting (although the dialog is bad). The only character that is fairly
good is the one played by John Goodman. He does a pretty good job with what little dialog he has,
and actually has one funny line (I won't spoil the only funny line in the movie, in case you decide
to watch anyway. It involves a pancake.) The big mysteries are the main leads. I won't call them
characters, because no characters have been developed. This script is so juvenile that they don't
even bother to give the leads fictional names. They all just use their own. They don't even seem to
be trying to act. It's as though they are all reading out loud to each other from scripts that the
local junior high sent to them. I actually wrote a paper like this for my English class when I was
thirteen-it wasn't funny either.

Bottom line, just don't bother to rent this. It isn't
funny. It doesn't even have the kind of bad dialog you can groan to. I just sat there and stared
through the whole thing. It was so boring I couldn't even work up any irritation at how bad it was.
I can't imagine how this is even getting a rating of 4 here." ], [ "Some good set design. Good songs, though like the other guy said they aren't performed with much
energy. Bea Arthur, trying her damndest to do something with the material, had an occasional good
one-liner as Mame's friend Vera and helped move the song \"Bosom Buddies\" along. Other than that,
there's nothing here that's worth your time. Slow pacing, incredibly bad cinemetography, not very
good singing (except from Robert Preston), an awful script, bad acting (except from Bea), and a
horrible lead actress. Who thought Lucille Ball would be good as the classy, life-loving Mame? The
heads over at Warner Bros. were no doubt on crack when they decided to not use Angela Lansbury, who
had done it so well on Broadway, and instead use Ball, who wasn't nearly as funny by then as she was
20 years earlier, couldn't act the part \"the right way\" at all, and used a painful croak as an
excuse for singing. Even if (perhaps because) making the movie was painful for her to make and even
if she financed it, she just isn't Mame. Auntie Mame is such a better film and the soundtrack of the
Broadway musical with Lansbury sounds great. For the most part, there's nothing here that's great,
engaging, or interesting at all. Forget it, unless you're a huge Lucy fan who thinks she could do no
wrong. Hopefully after seeing this you'll realize she was only human." ], [ "It just seems bizarre that someone read this script, and thought, \"This is funny! I mean, it's so
hilarious it just has to be made!\" Who was this person? Is he or she the person really responsible
for this? Are they the one's who owe me for my time, more so than the director/writer?
/>This film stinks in most every way possible. There's no one shred of good dialogue, and not one
likable character. And the story...

I prefer the 2nd worst movie ever, Hulk Hogan's \"No
Hold's Barred\" to this by quite a considerable degree. It seems almost Shakespearen in
comparison.

The ending is padded out with several minutes of outtakes, and it's still
under 80 minutes. The outtakes include cast members laughing at the 'hilarious' mistakes they've
made, and things that went wrong on the set of this 'comedy.' Glad to see someone laughing in
someway, with some connection to this 'film.'

Nothing in this film is funny. Nothing. It
just goes on, and on. It's truly that lame. I love films that are so bad they're good. This is so
bad it's...something, but I don't know what, and hopefully will never find out.

Amanda
Peet doesn't suck outright, and is in fact the only half good thing about this wannabe film. But,
that really means little.

Avoid at all costs." ], [ "There's something frustrating about watching a movie like 'Murder By Numers' because somewhere
inside that Hollywood formula is a good movie trying to pop out. However, by the time the credits
roll, there's no saving it. The whole thing is pretty much blown by the \"cop side\" of the story,
where Sandra Bullock and Ben Chaplin's homicide detective characters muddle through an awkward
sexual affair that becomes more and more trivialized the longer the movie goes on. Although Bullock
is strong in her role, it's not enough to save the lackluster script and lazy pacing. Ben Chaplin's
talents are wasted in a forgettable role (he did much better earlier in the year in the underrated
'Birthday Girl') as well as Chris Penn, who has a role so thanklessly small you feel sorry for a
talent like him. Anyway, the plot really isn't even a factor in this movie at all. The two teen
killers played by Ryan Gosling and Michael Pitt are the only real reasons to see this movie. Their
talent and chemistry work pretty good and they play off of each other quite well. It's too bad they
weren't in a much better all-around film. Barbet Schroeder is treading way too safe ground here for
such a seasoned filmmaker. Bottom Line: it's worth a rent if you're a genre fan, but everyone else
will live a fulfilled life without ever seeing it, except maybe on network TV with convenient
commercial breaks." ], [ "Who likes awful \"comedy\" shows like Little Mosque on the Prairie? The only two kinds of people I can
think of who watch this are: One, Muslims and self-proclaimed Liberal defenders of every ethnic
group who are so thrilled there is a show about Muslims that it doesn't even matter if the show is
good or funny at all (which it is not). Two, old people and people whose idea of comedy is
incredibly predictable, badly written, stale jokes.

CBC needs to really take a look at
what they are doing and who their audience is. If they keep only writing comedy for really old
people then guess what will happen, their audience will die off soon and they will have no audience
left. I'd be curious who even writes for this show? Do you think it's actually Muslims, or hip,
funny young people? No, I bet it is old white guys who have been writing the same jokes for the same
kind of bad CBC shows since the 1960's.

When you look at the CBC comedy shows there are,
Air Farce was only finally just taken off the air (thank goodness!) but we still have lame ducks
like This Hour Has 22 Minutes and Rick Mercer that we are paying for, not to mention this poor
excuse for \"comedy\" Little Mosque on the Prairie. It is supposed to be offencive and funny? Only the
CBC would think this lame show is at all offencive or funny. Shame on the CBC for squandering our
tax dollars on shows only a few people would bother watching." ], [ "Wow. As soon as I saw this movie's cover, I immediately wanted to watch it because it looked so bad.
Sometimes I watch Bollywood movies just because they're so bad that it will be entertaining (eg. Koi
Mil Gaya). This movie had all the elements of an atrocious film: a \"gang of local thugs\" that is
completely harmless, a poorly done motorcycle scene, horrible dialouge (\"Congrats son, I am very
proud that you are a Bad Boy\"), actors playing basketball as if they are good, atrocious songs (\"Me
bad, me bad, me bad bad boy\"), unexplained plot lines like why are the Good Boy and Bad Boy
friends??? And why is the hot girl in love with the nerd?? I've never seen such a poorly constructed
story with such horrible directly. Some of the scenes actually took 30 seconds long like the one
where the Good and Bad Boys inexplicably ran over the \"gang member's\" poker game. Congrats Ashwini
Chaudry, you are a Bad Director. If you want to watch a good movie, watch Guru, if you want to watch
a movie so bad that it's actually entertaining, then watch Good Boy, Boy." ], [ "Gee, what a heck of a movie!... I said I wanted to become a specialist in bad movies from all
decades, so I decided to start by this one. It was a pretty adequate choice. I entered this
adventure to find some lost gems and uncomprehended masterpieces, but I didn't see anything of the
sort in this pastel-coloured mess. I haven't really watched many bad films before, but I've got the
feeling this is what's called \"so bad that's good\", probably because it is so unintentionally damn
funny! First of all, there are the inaccuracies. There are plot-related inaccuracies, physical
inaccuracies, and also psychological inaccuracies. The latter in particular are as insane as Van
Damme's ass cheeks inside that blue spandex. Extremely tacky lines exist too and I won't even start
to talk about some of the hilarious action moves. There isn't exactly bad acting from everyone
involved in that hot mess of a movie, except in one particular case. Geoffrey Lewis looks completely
pathetic as Frank, which is an utterly stupid character. And, to tell the truth, I was actually very
surprised to see that Van Damme did a decent job playing the twins. He succeeded in achieving a
different tone and mood in the two roles that was convincing to me. But the movie was mostly very
bad and the sad part is that it was produced by a major motion picture studio... which is now
bankrupt." ], [ "The storyline was okay. Akshay Kumar was good as always and that was the only good thing about the
movie. Kareena Kapoor looked bad. There was so hue and cry over her size zero but she did not looked
good leaner. I don't know why the hell did Anil Kapoor accepted such a bad role. There was nothing
much to do for him in the movie. Just because it is a Yashraj film does not means that an actor
should accept the role however bad it is. Said Ali khan was alright. I think that it is high time
that Indian directors and producers start thinking of Indian customers as intelligent lot. What are
we ? fools!!!! What do they think, they will show 2 men taking on a SWAT squad to teeters and we
will believe them. Is the Indian police so stupid that they are trying to nab some criminals....
they take an entire squad of 100 + policemen and no one was there to surround the palace. The action
was crap and I have never seen such bad action. Akshay Kumar was between a circle of 30-40 policemen
all shooting at him..... and he shooting back at them. None of the policemen's bullet touched him
but he killed all the policemen. Crap. CRAP.

I think the fight director who thought of
this scene should take retirement.

I strongly recommend NOT TO SEE THIS MOVIE." ], [ "Never saw the original movie in the series...I only hope it was a much better movie than this or the
sequel made in the 1980's as if it is not how were these two terrible sequels even justified. This
movie had a really good lead in when they were advertising it to be shown on one of those old
independent stations that are a thing of the past now. Anyways it looked like it would be a pretty
good scary movie. It was, however, a movie that would make some Walt Disney movies look dark.
Really, this movie was just a bunch of light fluff with virtually no boggy creek creature to be
seen. The only real sighting is near the end when you see its shape during a very heavy rainstorm,
other than that there is virtually no sign of the creature which was really disappointing as a kid.
The story is basically the old evil hunters must kill anything they see and are after the boggy
creek creature and kids are out to help it or just some random hairy guy in the woods that likes to
pull random boats through the water. Not really worth watching I would however like to see the
original, granted the maker of that would make the also bad boggy creature of the 80's, but he also
made a very good slasher movie in the 70's \"The Town the Dreaded Sundown\"." ], [ "i saw this movie at the toronto film festival with fairly solid expectations. the movie has a great
cast and was closing at the festival so it must be good, right? how wrong i was.

i knew
we were in trouble when before the film the director was talking about how when he was directing an
episode of wiseguy he met an unknown actor named kevin spacey (a director/writer of wiseguy making
his feature debut = blah)... well the director/writer of Edison must have some incriminating
pictures of kevin spacey killing a homeless man, because i cannot see how he (along with the other
actors in the film) would ever agree to be in this disaster.

this movie is absolutely
appalling! it's a mixture of every cop hard boiled cliché ever. there is nothing new with Edison.
the acting was bad and the direction was even worse. it looked like that aforementioned episode of
wiseguy. this was the best casted direct to video movie i've ever seen.

some examples of
just bad silly moments in Edison... morgan freeman dancing around his apartment for no reason to
rock and roll music... justin timberlake getting creative criticism from his belle while his
apartment is surrounded by candles... llcoolj driving a vintage firebird... 3 guys being shot in the
head...

this movie is the opposite of good.

STAY AWAY FROM EDISON!" ], [ "I watched Cheats a few years ago with my friend. He hyped it up as a great funny film that is one of
the best comedies ever. I think he was on crack or something. I just recently learned that this film
was not released into theatres, I can understand why perfectly.

THe basic plot involves a
group of guys who cheat on pretty much all of their assignments in school to get good grades. That
is the main problem of this film is that the morals are all bad. There are other teen comedy films
where students do bad things but it is most often stuff that does not take place at school. So I
think that the concept of having a whole movie that basically has kids cheating on everything is
pretty bad.

I did not like the characters in this film either. The main character guy is
a completely smug arrogant idiot who is not a good protagonist. Actually I am not sure if you could
say that there is a protagonist due to the fact that they all are cheating at school which is wrong.
THe other supporting characters were not funny at all and basically the cast blows in this film./>
This film has a bad message and even worse acting and characters. There are other teen films
that are way better than this film. So you do not have to see this one and that is a good thing
because I do not recommend this film at all." ], [ "The original \"Cube\" is a fantastic B-movie rich with paranoia, meaty characterization, and fine
over-the-top performances. It's creepy, cryptic, and cool. And it stands perfectly well, on its own,
without a stupid sequel like \"Cube Zero.\"

This third (!) film in the Cube series is part
retread (most of the booby traps are sadly recycled), part aberration. It takes the bold step of
explaining what the cube is - something that was never revealed in the first movie - but, since said
explanation is bland, I'd rather it was kept a secret. There are some potentially interesting
references to the society that exists outside of the cube, but they never develop beyond hints about
some kind of political-religious totalitarian state. So, what little social commentary there is
feels flat and unfocused.

What works? Basically nothing. The acting is purely amateur
hour, the pacing is slow (how much of this movie consists of two nerds watching a screen?), and the
gore effects, while revolting, fail to convince. In short, \"Cube Zero\" reminded me of a \"Cube\" fan-
fic, a sloppy and sophomoric clone of a good movie that definitely did not need a sequel." ], [ "Bad, bad movie. When I saw the synopsis I was expecting something like Ring only with video game
instead of tape. Nothing of the sorts happened. I'll admit idea is interesting and could be turned
into a good movie but this is not it.

First of all choosing real life person, countess
Bathory, is stupid move that adds absolutely nothing to the story. Anybody even vaguely familiar
with her story would begin to wonder why and how did this Hungarian noblewoman end up in this movie.
Choosing a generic vengeful spirit would be much, much better.

Then there is whole you-
die-in-real-life-as-you-die-in-the-game concept. As I said before interesting, Ring-like story. But
instead of developing it into good story line it sort of just flows along with no explanation given
why did this game became such as it is, why it was created and so on. Waste of good idea.
/>And finally this movie doesn't even have gory of funny parts that can if not save at least make
crappy horror movies watchable. Death scenes are too quick and acting is too wooden to be funny./>
Avoid if possible." ], [ "Dolph Lundgren stars as a former cop/boxer who searches Boston's kinky scene to find out who killed
his brother,who was well thought of in the community, however along the way he learns how his
brother enjoyed kinky sex and that a serial killer is to blame. Dolph Lundgren is very good in this
movie, in fact on the basis of his performance here, one would forget Lundgren's rise to fame
involved action roles. That said the material gives Lundgren nothing to work with, in fact, Lundgren
is completely left out to dry in a dreary thriller which is both predictable and incomprehensible.
Co-Star Danielle Brett is also good, in fact the film works best when it centers around the
chemistry of Lundgren and Brett, indeed had the film taken the time to explore their relationship
the film would've been fairly decent. However the movie is lackluster, the action is non-existent,
the plot not given enough exploration (Too much boring B.S around Lundgren's investigation of his
brother's employer) and the film is needlessly gory and ridiculous. Once again, Lundgren is actually
really good (As is newcomer Danielle Brett) but the film just lumbers from one sequence to the next,
which makes this movie particularly disappointing. If anything else though, it shows how underrated
Lundgren is, as an actor.

*1/2 Out Of 4-(Poor)" ], [ "Hilariously obvious \"drama\" about a bunch of high school (I think) kids who enjoy non-stop hip-hop,
break dancing, graffiti and trying to become a dj at the Roxy--or something. To be totally honest I
was so bored I forgot! Even people who love the music agree this movie is terribly acted and--as a
drama--failed dismally. We're supposed to find this kids likable and nice. I found them bland and
boring. The one that I REALLY hated was Ramon. He does graffiti on subway trains and this is looked
upon as great. Excuse me? He's defacing public property that isn't his to begin with. Also these
\"great\" kids tap into the city's electricity so they can hold a big dance party at an abandoned
building. Uh huh. So we're supposed to find a bunch of law breakers lovable and fun.

I
could forgive all that if the music was good but I can't stand hip hop. The songs were--at best--
mediocre and they were nonstop! They're ALWAYS playing! It got to the point that I was fast-
forwarding through the many endless music numbers. (Cut out the music and you haver a 30 minute
movie--maybe) There are a few imaginative numbers--the subway dance fight, a truly funny Santa
number and the climatic Roxy show. If you love hip hop here's your movie. But it you're looking for
good drama mixed in--forget it. Also HOW did this get a PG rating? There's an incredible amount of
swearing in this." ], [ "I thought I had seen this film before as the plot summary sounded familiar. However, when I watched
it one afternoon (in need of some mindless-but-amusing entertainment), I didn't recognise anything -
if I had seen it before, I must have blocked the horror of it from my memory.

This film
is dreadful, and it shows its age. In fact, it looks older than it is: more like a mid-80s moronic
comedy. Whilst I am a fan of toilet humour and can see the funny side of many things, this is
\"comedy\" at its most puerile and homophobic. The plot is as thin as a Supermodel, which wouldn't
bother me if only the film were funny.

There is only one amusing line in the whole film,
spoken by the character Louis: \"Looks like somebody threw away a perfectly good white boy!\" In fact,
Louis is the only likable character (and that's not saying much). James and Carl are the type of
irritating, immature men that a sensible woman would run a mile from, their practical jokes about as
humorous as the war in Iraq; the character of Susan Wilkins is colourless (looks like Julia Roberts,
but lacks her charisma) and there is zero chemistry between her and Carl - though it may be unfair
to blame the actress, as I don't know what she could have done with such a poorly written part; and
the villain is neither funny nor scary nor memorable.

There is good trash and bad trash.
This is trash that definitely should not be recycled." ], [ "What can I say about Cruel intentions 2? Well, I can say in all honesty, I will only watch this film
again if I am fastened to a chair and have my eyes opened clockwork-orange-style.

The
film 'stars' Robin Dunne (No, I never heard of him either), whose awful impression of Ryan Phillipe
made me cringe throughout. In a case of terrible casting, Dunne attempts (and fails) to carry off
playing a handsome charismatic, charmer. Since the actor is not handsome, nor charismatic nor
charming, the character is left wholly unbelievable. Amy Adams, (she was in an episode of buffy one
time), tries to pick up where Sarah Michelle Gellar left off and bring scheming Katherine to life...
However, Adams is not that good a an actress and her performance was flat and lacking in any real
emotion, often she looked like she was reading cue cards just off camera. There were two good actors
in the film however, Barry Flatman (Saw 2 & Saw 3) and Mimi Rogers (Mrs Kensington in Austion
Powers), made very good and entertaining performances as the parents of Sebastian and Katherine and
are the only reason why I rated the film as a 2, not a 1.

The film itself is a poor
version of the original, with such lows as carbon copy's of dialogue and mimicked scenes which
lacked the originality of the previous film.

I think that as a TV show, it might have
worked, but if it had been recasted with people who could actually act in the main parts." ], [ "This movie was so badly written, directed and acted that it beggars belief. It should be remade with
a better script, director and casting service. The worst problem is the acting. You have Jennifer
Beals on the one hand who is polished, professional and totally believable, and on the other hand,
Ri'chard, who is woefully miscast and just jarring in this particular piece. Peter Gallagher and
Jenny Levine are just awful as the slave owning (and keeping) couple, although both normally do fine
work. The actors (and director) should not have attempted to do accents at all--they are
inconsistent and unbelievable. Much better to have concentrated on doing a good job in actual
English. The casting is ludicrous. Why have children of an \"African\" merchant (thus less socially
desirable to the gens de couleur society ) been cast with very pale skinned actors, while the
supposedly socially desirable Marcel, has pronounced African features, including an obviously dyed
blond \"fro\"? It's as if the casting directors cannot be bothered to read the script they are casting
and to chose appropriate actors from a large pool of extremely talented and physically diverse
actors of color. It's just so weird! This could be a great movie and should be re-made, but with
people who respect the material and can choose appropriate and skilled actors. There are plenty of
good actors out there, and it would be fun to see how Jennifer Beals, Daniel Sunjata and Gloria
Reuben would do with an appropriate cast, good script and decent direction." ], [ "My grandmother took me and my sister out to see this movie when it came out in theaters back in
1998, and so we happily bought the tickets, the popcorn and soda, and walked right in to the theater
and sat down to watch the movie. When it was over, the audience didn't applauded strongly, I
remember that I heard a few people say that they didn't like it at all, I didn't like it, I thought
that it was rather stupid, and not worth seeing. Eddie Murphy was hysterical in this, but apart from
him, the whole movie was bad, I rarely laughed at the parts in this, I also remembered that the
other people in the theater almost hardly even laughed. And what I really thought was bad was making
the animals talk, because talking animals only exist in cartoons, in live action movies, they are
totally a mutt! I said that apart from Eddie Murphy's hysterical twist he brings in, this movie is
not worth watching, it is rather stupid.

I have seen Eddie Murphy in several of movies
and I thought that he was funny in those, I have just said that he was the only funny part of this
movie, I also have not seen Eddie Murphy in the really \"great\" movie, The Adventures of Pluto Nash.
This movie is not a movie that I would really recommend that you see, because apart from Eddie
Murphy, you probably are not going to like this, especially because of a lot the the talking animals
in it!

I'll give this movie a rating of 3 stars out of a possible 10 stars." ], [ "Ok, where to start. I can't believe how many good reviews I read on here. I watched this (year 2004)
and I had to fight to not push the stop button, I decided to continue just because of all the good
reviews I read. After watching it I felt it was my duty to let the world know about this. First of
all the movie seems like it is never going to begin, the plotline doesn't actually occur until about
30 minutes before the movie ends, leaving the viewer wondering, `when is this going to start' So
don't ever call this a `revenge movie' because the revenge doesn't even start until over half the
movie is already gone by. Furthermore, the movie tries to make you believe this is a post-
apocalyptic Australia. I am sorry if showing dusty rural roads half the movie and a crooked letter
on a sign didn't quite convince me of that, even for 1979 this was not science fiction. So anyways,
add this on top of randomly placed homoerotic subtext and you have got yourself one crappy movie (I
have nothing against gays, there was just no need for it). The only good part was the first chase
scene, good directing considering it was 1979, and another good part is how he kills the last guy.
So basically I recommend you watch the first 10 minutes and last 5 minutes and you will enjoy
yourself much more than if you sat through all that stuff in the middle, which may lead you to gouge
your own eyes out. Don't say I didn't warn you." ], [ "I am a big fan of old horror movies, and since I am middle aged, old to me is a movie made before
1970 with most being made in the 1920's to 1960's period. I am not a big fan of more modern horror
movies, with one exception being Creepshow 1, which I thought was great. I could reminisce about the
stories there but I really really enjoyed the monster in the box story with Hal Holbrook, and also
the one about the really clean guy was a great ending. All the stories were great though. So why did
I like them so much? The characters had some decent development, the lines were very plain about who
was good and who was bad, the horror bits were heightened with a close up of a face aghast with
fear, and the funny bits were really funny! This sequel is either greatly lacking of these elements
or they are totally absent! I am writing this only having watched it partially because the movie was
a complete waste of time and I turned it off to do other things like write movie reviews on
IMDb.com, lol. When George Kennedy and an old Dorothy Lamoure get top billing it's telling you
something.....4 of 10. Also, Romero's expertise is hard to find here, they must had told him to tone
it down to a PG standard (I don't know what this was rated at but it looks PG to me), and that's not
a good thing for a movie with nothing else going on. It's shown on the Encore cable channel if your
dieing (yuck yuck) to see it." ], [ "Some people seem to think this was the worst movie they have ever seen, and I understand where
they're coming from, but I really have seen worse.

That being said, the movies that I can
recall (ie the ones I haven't blocked out) that were worse than this, were so bad that they
physically pained every sense that was involved with watching the movie. The movies that are worse
than War Games 2 are the ones that make you want to gouge out your eyes, or stab sharp objects in
your ears to keep yourself from having another piece of your soul ripped away from you by the
awfulness.

War Games: The Dead Code isn't that bad, but it comes pretty close. Yes I was
a fan of the original, but no I wasn't expecting miracles from this one. Let's face it the original
wasn't really that great of a movie in the first place, it was basically just a campy 80s teen
romance flick with some geek-appeal to it.

That's all I was hoping for, something bad,
but that might have tugged at my geek-strings. Was that too much to ask for? Is it really not
possible to do better than the original War Games, even for a straight to video release? Well
apparently that was too much to ask for. Stay away from this movie. At first it's just bad, like \"Oh
yeah, this is bad, but I'm kind of enjoying it, maybe the end will be good like in the original.\"
And then it just gets worse and worse, and by the end, trust me, you will wish you had not seen this
movie." ], [ "This sounded like a really interesting movie from the blurb. Nazis, occult , government
conspiracies. I was expecting a low budget Nazi version of the DaVinci code or the Boys from Brazil
or even Shockwaves. Instead you get something quite different, more psychological, more something
like from David Lynch. That was actually a plus. But the way the story is told is just awful./>
Part of the trouble is the casting. Andrienne Barbeau's character starts off the moving
being somewhat timid and afraid. She just doesn't do that well, even at her age, though she
certainly tried. The actor cast as the son apparently thought this was a comedy. Most of the other
actors also seemed to have thought this was a campy movie, or at least acted like it, rather than
simply being quirky. The only one that I thought did really well was the daughter, Siri Baruc./>
Another big part is the pacing. It starts off very slowly. So slowly you might be tempted to
turn it off. But then it gets compelling for a while when you get to the daughter's suicide and the
aftermath. But shortly afterward, it all becomes a jumbled mess. Some of this was on purpose, but
much of it was just needlessly confusing, monotonous, and poorly focused.

The real
problem, is it's simply not a pleasant movie to watch. It's slow, dull, none of the characters are
likable. Overuse of imagery and sets. Some movies you see characters get tortured. In this, it's the
viewer that does. It does have a few creepy moments, most notably the creepy Nazi paintings and the
credits, but the rest of the movie is mostly just tiresome." ], [ "Just what is the point of this film? It starts off as one film, then changes track, cheating us of a
resolution to that film and ends as another movie which is nothing but a pale, pale imitation of so
many other schlock-horror flicks you've ever seen. The overall impression is confusion in every
respect and a great deal of hubris. Screenplay by Tarantino, direction by Rodriguez, two guys who
have previously shown talent, but who now seem to believe their own hype and assume that whatever
they do must be good merely because THEY did it. But it doesn't quite work that way. You're only
good while you continue doing good things. There are so many questions to ask: Just what are George
Clooney and Harvey Keitel doing getting involved in such pointless dreck? Clooney initially makes an
intriguing bad guy — utterly ruthless and efficient — and it would have been interesting to see
where that was going. But, of course, we never do. And the Clooney of the vampire film changes into
a completely different character. That's not clever or witty, that's just bad, bad work. Keitel
looks thoroughly ill at ease throughout, and no wonder. Did no one in the studio take a look at the
script before this project was given the go-ahead? Tarantino is utterly unpleasant as a murderous
sexual deviant (and why did he, as writer, assume we would find the rape, gruesome murder and
butchering of an inoffensive hostage funny). On every level — except the technical — this film
stinks. Avoid." ], [ "Why is it that when a star reaches the top of the star chain, they ruin all the good work by making
a bad movie? Burt Reynolds peaked, then started making dreadful Hal Needham car chase flicks. Arnold
Schwarzenegger became the hottest property in Hollywood, only to invite derision upon himself with
the appalling Last Action Hero. And here, loquacious Eddie Murphy erases memories of Trading Places
and 48 Hours with this \"family\" adventure flick, which is an unbelievably tedious, childish and
generally plain awful misfire in which the chance to see Charlotte Lewis's great big breasts in a
tight blouse is the most appealing aspect of the entire film.

The story is pure humdrum.
It concerns social worker Murphy, contacted by mysterious types and told that he is the Chosen One.
Chosen for what, I hear you ask. His job is to rescue a Tibetan boy with mystical powers from a race
of demons who want to rule the world. As the main demon, classy actor Charles Dance looks terribly
embarrassed to be in the film, but hey, I'm sure he was well paid for sacrificing his talents. Of
all Murphy's films, this is easily the worst. I've read some reviews which suggest that it is nice
to see Murphy in an atypical role, in a non formulaic kind of film, and while both points are
loosely true there's no forgiving the fact that the film - however atypical and non formulaic it
might be - is an absolute load of garbage.

" ], [ "I don't know what the rest of you guys watch Steven Seagal movies for, but I watch them because, as
silly as they are, they're at least always good for a laugh. Why would you rate this movie a 1 out
of 10 based on the dubbing, when that kind of thing is exactly what makes a movie like this into a
cult favorite that you can laugh at the silliness of?

Attack Force is by no means a great
movie, but I felt it was as worthy a Steven Seagal vehicle as many of his other movies; in fact I
didn't think it was one of his worst by a long-shot. It had, most of the time, a half-way coherent
plot line, and it was, most of the time, fundamentally exciting. The ending really sucked, but even
that had some enjoyably trashy elements. In the end the story itself did not deliver what it
promised, but I actually thought that the acting, characterization (if I may use such a big word)
and the rest of the production values delivered exactly what a true Steven Seagal fan would expect.
Seagal himself in particular was exactly the stone-faced, no-nonsense man's man that we've come to
expect, and the rest of the cast backed him up pretty well, without ever up-staging him. This,
people, is what a Steven Seagal movie does. Deal with it. Or even better: laugh at it.

4
out of 10." ], [ "As a kid, this movie scared me green. As an adult, I couldn't stop laughing.

I have not
had the pleasure of watching this movie via MST3K. I caught it, instead, on a late Saturday
afternoon, when there was absolutely nothing in the theaters, and there was nothing left to do
outside but rake some autumn leaves. I figured, this HAD to be better. I was wrong.

The
movie has some very good elements; a water-divining mystic, a beatnik painter, couple of idiot ranch
hands, an elderly history buff, and an \"evil wind.\" Um...I mean...evil head. An evil head which
will, as soon as the systematic hypnotism of each and every one present is complete, be looking for
its evil body.

The whole story takes place on an evil \"ranch\" which apparently neither
grows crops, nor raises evil livestock.

As everything is declared by their resident
mystic to be \"evil,\" you either roll your eyes horribly, or laugh til your sides split, depending on
your mood. Me? I laughed until I had tears streaming down my face.

I remembered this
movie fondly as one of those which really SCARED me as a kid. But some kids are afraid of Santa
Claus, too..no? Anyway... if you're into 50's horror camp, then this is definitely a movie you
shouldn't miss.

If you're looking for a good story line, this movie has that. It's the
over the top dramatics and downright innocence of the time that makes it so horrid. The acting was
just BAD, but it still had some good elements. Perhaps it rates a remake...?

It rates a
4.3/10 from...

the Fiend :." ], [ "You know those movies that are so unspeakably bad that you have to laugh? Half-caste wasn't one of
them. Which sounds good, right? But no, it's not. It's not a bad attempt at a horror movie that's
fun to watch because it's lame, or not well acted, or has bad special effects or anything else like
that. No, Half-caste is just plain boring. They don't even make an attempt to be scary until the
last 20 minutes are so. It's just kids running around in the African bush country and getting high
off of elephant dung for the first 75% of the movie, and it's not even funny. The last 20 minutes,
though, are HILARIOUS. I have no idea what happened, but it was really fun to watch that CGI leopard
rip out the throats of all of those white guys I couldn't tell apart anyway. If you're in the mood
for a bad horror movie, don't rent this one, because you'll go to sleep before they get to the fun
stuff. If you do accidentally rent this movie, I'd recommend fast forwarding to the end, and
skipping any scene that happens in daylight. You won't miss anything. You won't have any idea which
character is which or exactly what is going on even if you do watch all of the back-story." ], [ "OK, lets start with the best. the building. although hard to believe it had electricity and running
water after 35 years and a fire, the gruesome walls and odd items found throughout were interesting.
other than that, its not worth it.

as far as the bad, its done by WWE films. WTF? is that
supposed to make you want to see it? if anything, stay away. horrible, horrible idea for them to
make movies and allow Gregory Dark to direct it. bad choice. the previews beforehand were more
interesting and entertaining.

i cant even begin to discuss how bad this film is.
untalented actors & a disappointing, vague storyline. apparently many of the actors are from that
show \"all saints\". its a wonder why i haven't ever heard of them or their show. other than that, the
bus driver, which you never even see, just him closing the door, has had more action that just about
everyone together. at least he handles stunts for some decent films.

i like to see scary
movies, i really do. but this one blew so much, the entire audience was laughing at it and cheering
the characters on halfway through. very annoying. the child behind me was yelping more during the
previews of other horror films.

this is not a film to see, even less if you have to pay
for it." ] ], "fillcolor": "rgba(255,255,255,0)", "hoveron": "points", "hovertemplate": "%{hovertext}

sentiment=0
topn_NSS=%{x}
topn_PSS=%{y}
hover_data_0=%{customdata[0]}", "hovertext": [ 124, 126, 118, 133, 136, 126, 136, 128, 119, 122, 138, 102, 135, 136, 132, 137, 103, 123, 125, 112, 103, 118, 123, 111, 125, 110, 114, 111, 132, 116, 122, 117, 119, 137, 128, 135, 140, 104, 138, 139, 140, 125, 116, 126, 138, 127, 119, 116, 114, 124, 128, 118, 124, 134, 122, 116, 121, 111, 127, 130, 118, 108, 121, 124, 118, 133, 129, 112, 125, 136, 124, 139, 120, 131, 140, 106, 138, 130, 117, 136, 129, 119, 113, 118, 129, 119, 108, 112, 133, 126, 131, 132, 125, 139, 139, 133, 135, 134, 113, 137, 125, 125, 137, 113, 135, 128, 111, 122, 110, 140, 131, 109, 140, 126, 135, 124, 137, 107, 127, 119, 126, 128, 119, 128, 113, 111, 139, 114, 101, 114, 122, 122, 129, 132, 135, 111, 121, 115, 128, 132, 113, 119, 138, 127, 109, 110, 140, 119, 103, 135, 122, 139, 137, 133, 124, 139, 126, 133, 118, 129, 120, 104, 117, 134, 114, 104, 120, 130, 120, 133, 127, 122, 108, 129, 114, 125, 138, 116, 126, 118, 137, 133, 138, 131, 130, 128, 103, 140, 118, 118, 116, 106, 105, 132, 140, 133, 103, 102, 112, 133, 102, 125, 131, 114, 128, 111, 115, 137, 133, 107, 136, 116, 103, 103, 131, 100, 123, 120, 138, 129, 106, 113, 122, 114, 123, 134, 112, 140, 117, 136, 127, 133, 125, 126, 139, 107, 137, 140, 118, 135, 133, 107, 121, 129, 135, 132, 108, 132, 137, 117, 114, 114, 133, 100, 112, 116, 103, 109, 138, 134, 103, 113, 127, 137, 102, 132, 120, 123, 135, 137, 119, 137, 118, 106, 139, 104, 119, 137, 131, 130, 132, 112, 131, 134, 131, 133, 106, 139, 127, 120, 124, 136, 139, 110, 130, 103, 109, 110, 109, 120, 101, 119, 131, 112, 117, 127, 114, 127, 129, 108, 138, 134, 109, 124, 113, 120, 125, 112, 111, 106, 132, 137, 129, 140, 137, 125, 128, 133, 127, 140, 135, 140, 115, 139, 106, 112 ], "legendgroup": "0", "line": { "color": "rgba(255,255,255,0)" }, "marker": { "color": "red" }, "name": "0", "offsetgroup": "0", "orientation": "v", "pointpos": 0, "showlegend": true, "type": "box", "x": [ 0.2744850218296051, 0.2666414678096771, 0.24701672792434692, 0.2805697023868561, 0.2673661410808563, 0.2693116068840027, 0.270436555147171, 0.28047528862953186, 0.2935674488544464, 0.2799895107746124, 0.27067697048187256, 0.2701333165168762, 0.24975529313087463, 0.2618977427482605, 0.2443099468946457, 0.2598406970500946, 0.3354114890098572, 0.255668044090271, 0.3327993154525757, 0.27937230467796326, 0.2804090976715088, 0.29852068424224854, 0.25009337067604065, 0.25085747241973877, 0.28569701313972473, 0.26084479689598083, 0.28825026750564575, 0.3174947500228882, 0.25948238372802734, 0.26791876554489136, 0.2723740041255951, 0.28765809535980225, 0.3147203326225281, 0.3072628378868103, 0.28464940190315247, 0.30633530020713806, 0.28776392340660095, 0.2630060613155365, 0.27472159266471863, 0.2589592933654785, 0.2778429388999939, 0.24474357068538666, 0.24713686108589172, 0.30014878511428833, 0.25557371973991394, 0.27486974000930786, 0.31787949800491333, 0.30680039525032043, 0.315605491399765, 0.2701369822025299, 0.29269689321517944, 0.25773942470550537, 0.2933726906776428, 0.2590353786945343, 0.280202180147171, 0.2691044509410858, 0.3390766680240631, 0.2458001971244812, 0.2933860123157501, 0.29123616218566895, 0.28860536217689514, 0.274546355009079, 0.2754689157009125, 0.37734663486480713, 0.29852068424224854, 0.24966426193714142, 0.2801911532878876, 0.27035579085350037, 0.2559071481227875, 0.28966024518013, 0.27049800753593445, 0.30350983142852783, 0.2705489695072174, 0.26270216703414917, 0.25009673833847046, 0.28540465235710144, 0.27678871154785156, 0.26965808868408203, 0.24944190680980682, 0.27368319034576416, 0.26197540760040283, 0.26629868149757385, 0.2855726480484009, 0.26614874601364136, 0.2547515332698822, 0.29302141070365906, 0.25409066677093506, 0.24361552298069, 0.24734751880168915, 0.3408830165863037, 0.2527267336845398, 0.2842696011066437, 0.2605961561203003, 0.27839338779449463, 0.29252827167510986, 0.29873207211494446, 0.2658657133579254, 0.26343727111816406, 0.2533787786960602, 0.2454226166009903, 0.2926541566848755, 0.3042012155056, 0.289127916097641, 0.2662423849105835, 0.25083890557289124, 0.2537617087364197, 0.24368952214717865, 0.27982962131500244, 0.3328315019607544, 0.29596805572509766, 0.29124078154563904, 0.3179257810115814, 0.2457185834646225, 0.24928045272827148, 0.2484520971775055, 0.2771427631378174, 0.2628529965877533, 0.2568516433238983, 0.24848602712154388, 0.2546326816082001, 0.2655371129512787, 0.3080528974533081, 0.30124324560165405, 0.2638923227787018, 0.24696363508701324, 0.2904568612575531, 0.27162930369377136, 0.2766203284263611, 0.27471134066581726, 0.3172040283679962, 0.25110605359077454, 0.24758832156658173, 0.2753135561943054, 0.28628650307655334, 0.26853621006011963, 0.2802855670452118, 0.35457220673561096, 0.24379222095012665, 0.29561352729797363, 0.29660895466804504, 0.2614264488220215, 0.2884364426136017, 0.32595017552375793, 0.2570602297782898, 0.2643839120864868, 0.2937217950820923, 0.26567745208740234, 0.2981216013431549, 0.2508820593357086, 0.2831319570541382, 0.2860734164714813, 0.2642448842525482, 0.2537785768508911, 0.33207544684410095, 0.27597227692604065, 0.2527145445346832, 0.29456788301467896, 0.2800428867340088, 0.278776615858078, 0.2786093056201935, 0.27106258273124695, 0.24937781691551208, 0.2515732944011688, 0.29467955231666565, 0.27673569321632385, 0.24950933456420898, 0.298086941242218, 0.2960318624973297, 0.24732723832130432, 0.2613289952278137, 0.2679263949394226, 0.3146824538707733, 0.2731214165687561, 0.2799883484840393, 0.2552250325679779, 0.28454527258872986, 0.27463018894195557, 0.27701932191848755, 0.2898317575454712, 0.24632899463176727, 0.2683205306529999, 0.2630575895309448, 0.2526240050792694, 0.3068819046020508, 0.24282315373420715, 0.288985937833786, 0.3055581748485565, 0.2672266960144043, 0.2654111683368683, 0.28111740946769714, 0.25178101658821106, 0.290971040725708, 0.245473712682724, 0.30318737030029297, 0.2534158229827881, 0.24848222732543945, 0.25017234683036804, 0.27035900950431824, 0.26664796471595764, 0.2613178491592407, 0.2809741497039795, 0.2773725688457489, 0.24744832515716553, 0.28604593873023987, 0.3007345497608185, 0.33417534828186035, 0.24499846994876862, 0.30815383791923523, 0.2555033266544342, 0.3153356909751892, 0.2694612145423889, 0.24388715624809265, 0.24602437019348145, 0.2818099558353424, 0.3280026614665985, 0.27420035004615784, 0.24896815419197083, 0.2653665542602539, 0.26870331168174744, 0.2720402479171753, 0.26000654697418213, 0.2760203182697296, 0.2723740041255951, 0.2875405251979828, 0.30473649501800537, 0.31007257103919983, 0.27200978994369507, 0.29604101181030273, 0.272866815328598, 0.2585356533527374, 0.24291953444480896, 0.2719007134437561, 0.26665714383125305, 0.26850825548171997, 0.3052898049354553, 0.255125492811203, 0.33709192276000977, 0.28484538197517395, 0.2830239236354828, 0.2686033248901367, 0.28468987345695496, 0.24323135614395142, 0.24923796951770782, 0.27413833141326904, 0.27434831857681274, 0.2442217767238617, 0.2594287693500519, 0.26002445816993713, 0.32491597533226013, 0.31305333971977234, 0.27673569321632385, 0.2469802051782608, 0.2519819140434265, 0.2736714482307434, 0.2739180624485016, 0.29616087675094604, 0.2618459463119507, 0.24644742906093597, 0.26308172941207886, 0.2938951253890991, 0.2466941773891449, 0.31238478422164917, 0.24951401352882385, 0.30571386218070984, 0.24706833064556122, 0.27025172114372253, 0.24540965259075165, 0.252418577671051, 0.25989121198654175, 0.265595018863678, 0.2628771662712097, 0.3326796591281891, 0.278776615858078, 0.24520553648471832, 0.2689156234264374, 0.26830077171325684, 0.2738740146160126, 0.3075794577598572, 0.24327296018600464, 0.28539809584617615, 0.27243778109550476, 0.27002865076065063, 0.25813180208206177, 0.24543721973896027, 0.25231173634529114, 0.29929015040397644, 0.313385009765625, 0.24868692457675934, 0.24332399666309357, 0.24651296436786652, 0.2477719634771347, 0.26244258880615234, 0.3052898049354553, 0.2729111313819885, 0.2759665548801422, 0.26925429701805115, 0.26746657490730286, 0.2598350942134857, 0.3020232617855072, 0.24274027347564697, 0.2682606279850006, 0.28980958461761475, 0.2567521631717682, 0.2782997786998749, 0.2569947838783264, 0.24816228449344635, 0.2801330089569092, 0.30761176347732544, 0.28662243485450745, 0.26474010944366455, 0.26870331168174744, 0.27496469020843506, 0.3870149850845337, 0.2971010208129883, 0.2685651481151581, 0.2626270055770874, 0.25697872042655945, 0.2750242054462433, 0.2723117470741272, 0.2775464355945587, 0.2951054573059082, 0.26220226287841797, 0.2742167115211487, 0.26238906383514404, 0.27445653080940247, 0.2548828125, 0.25487208366394043, 0.2523235082626343, 0.2899662256240845, 0.2693903148174286, 0.27542030811309814, 0.2758411765098572, 0.2438110113143921, 0.25576817989349365, 0.27216312289237976, 0.2819445729255676 ], "x0": " ", "xaxis": "x", "y": [ 0.23292846977710724, 0.2390946000814438, 0.22647011280059814, 0.25389766693115234, 0.23376670479774475, 0.23558105528354645, 0.22876764833927155, 0.25665849447250366, 0.2506954073905945, 0.24154332280158997, 0.23304952681064606, 0.2548823058605194, 0.24166683852672577, 0.22747579216957092, 0.251573383808136, 0.23960840702056885, 0.2598443031311035, 0.2264072448015213, 0.2360653132200241, 0.2369367927312851, 0.2433304637670517, 0.2440679669380188, 0.24643030762672424, 0.23902317881584167, 0.24718983471393585, 0.23246735334396362, 0.23268495500087738, 0.23733697831630707, 0.23468968272209167, 0.23362354934215546, 0.2364906370639801, 0.27261921763420105, 0.2320789396762848, 0.2384384721517563, 0.23745162785053253, 0.24327720701694489, 0.2394065111875534, 0.23315869271755219, 0.2435956597328186, 0.23187433183193207, 0.23710480332374573, 0.23549309372901917, 0.25047188997268677, 0.23327478766441345, 0.227778822183609, 0.25362852215766907, 0.25290447473526, 0.23878596723079681, 0.239955872297287, 0.2435177117586136, 0.23000292479991913, 0.24402546882629395, 0.24408292770385742, 0.25250986218452454, 0.23288924992084503, 0.2444336712360382, 0.23581033945083618, 0.24007481336593628, 0.2678827941417694, 0.2279134839773178, 0.24197830259799957, 0.2826126515865326, 0.2616710066795349, 0.24426864087581635, 0.2440679669380188, 0.23181447386741638, 0.22640007734298706, 0.22933334112167358, 0.24430297315120697, 0.24184468388557434, 0.23456379771232605, 0.22659887373447418, 0.22848226130008698, 0.22976802289485931, 0.23218968510627747, 0.2433098405599594, 0.23068033158779144, 0.24119628965854645, 0.23382756114006042, 0.2890322506427765, 0.2383282482624054, 0.24976684153079987, 0.2591421902179718, 0.23067070543766022, 0.23216085135936737, 0.23245462775230408, 0.2284635603427887, 0.2609579563140869, 0.25157642364501953, 0.24890322983264923, 0.22684051096439362, 0.23498573899269104, 0.23698385059833527, 0.23311923444271088, 0.23932209610939026, 0.2413218468427658, 0.24811133742332458, 0.227833092212677, 0.2650054097175598, 0.234738290309906, 0.2448674589395523, 0.22808024287223816, 0.23855532705783844, 0.2393629401922226, 0.23606325685977936, 0.2301352173089981, 0.23538640141487122, 0.2551712691783905, 0.23090149462223053, 0.25238123536109924, 0.24913650751113892, 0.26244425773620605, 0.2317032366991043, 0.29001790285110474, 0.2365027368068695, 0.2397846281528473, 0.23724864423274994, 0.23084773123264313, 0.24806004762649536, 0.2488219141960144, 0.2608799338340759, 0.25262078642845154, 0.26748019456863403, 0.23423857986927032, 0.2373022437095642, 0.23914743959903717, 0.2355598658323288, 0.25163960456848145, 0.23391424119472504, 0.25917482376098633, 0.23315884172916412, 0.24748830497264862, 0.24310633540153503, 0.22749389708042145, 0.24541544914245605, 0.23911620676517487, 0.24068929255008698, 0.22883792221546173, 0.2275376319885254, 0.24304306507110596, 0.23692969977855682, 0.235854372382164, 0.22897900640964508, 0.23905614018440247, 0.2282240241765976, 0.2297372668981552, 0.23910227417945862, 0.2400270402431488, 0.22641947865486145, 0.23182033002376556, 0.2641855478286743, 0.23053579032421112, 0.2296808660030365, 0.23803670704364777, 0.22794637084007263, 0.26231011748313904, 0.23511184751987457, 0.23453974723815918, 0.2300664335489273, 0.2375371754169464, 0.2377612292766571, 0.22749151289463043, 0.22819523513317108, 0.23343099653720856, 0.24203261733055115, 0.22641988098621368, 0.22623109817504883, 0.22641246020793915, 0.24506022036075592, 0.23692458868026733, 0.22826242446899414, 0.2328757792711258, 0.23266756534576416, 0.2295537292957306, 0.22768917679786682, 0.24925567209720612, 0.24309474229812622, 0.2603383958339691, 0.254364550113678, 0.24769628047943115, 0.24353724718093872, 0.24569816887378693, 0.23013345897197723, 0.23228119313716888, 0.22703002393245697, 0.26642370223999023, 0.24891352653503418, 0.2508958876132965, 0.22788166999816895, 0.23634038865566254, 0.24963800609111786, 0.26076585054397583, 0.23054710030555725, 0.2354429066181183, 0.27948886156082153, 0.24871912598609924, 0.2372758686542511, 0.2421572059392929, 0.2279970794916153, 0.22830340266227722, 0.259072482585907, 0.22769291698932648, 0.23560768365859985, 0.26739180088043213, 0.28101152181625366, 0.2704809904098511, 0.2308388203382492, 0.2381308674812317, 0.23063649237155914, 0.23819981515407562, 0.23675580322742462, 0.236500084400177, 0.24332237243652344, 0.24903535842895508, 0.23069407045841217, 0.2390253245830536, 0.24260945618152618, 0.2311447709798813, 0.23760586977005005, 0.23753789067268372, 0.24729005992412567, 0.2370479255914688, 0.2364906370639801, 0.23159708082675934, 0.26334071159362793, 0.24214304983615875, 0.25413626432418823, 0.2513657510280609, 0.2385443150997162, 0.22964289784431458, 0.2515566349029541, 0.2550806403160095, 0.2568761706352234, 0.2304927557706833, 0.267965167760849, 0.23400594294071198, 0.2654097378253937, 0.2405187040567398, 0.24725693464279175, 0.25547367334365845, 0.2516489028930664, 0.2334512323141098, 0.26018133759498596, 0.23266494274139404, 0.2342570424079895, 0.23466581106185913, 0.2264125496149063, 0.22720156610012054, 0.2647496461868286, 0.2495615929365158, 0.24203261733055115, 0.2658234238624573, 0.2405712902545929, 0.24910952150821686, 0.23614415526390076, 0.2744239270687103, 0.23072977364063263, 0.24038714170455933, 0.2490454614162445, 0.23808647692203522, 0.24659240245819092, 0.253202885389328, 0.2502577602863312, 0.2626086473464966, 0.2583271861076355, 0.2335958331823349, 0.22872477769851685, 0.26568856835365295, 0.23504948616027832, 0.23185326159000397, 0.2595915198326111, 0.2371065765619278, 0.2300664335489273, 0.2309877574443817, 0.2617754340171814, 0.2327994853258133, 0.25010499358177185, 0.255674809217453, 0.2523917555809021, 0.22671407461166382, 0.2618251144886017, 0.2294861376285553, 0.2568783462047577, 0.24601349234580994, 0.2512654662132263, 0.25424185395240784, 0.22892530262470245, 0.3018017113208771, 0.22662879526615143, 0.25451529026031494, 0.2267005890607834, 0.23826955258846283, 0.267965167760849, 0.23394055664539337, 0.2462504506111145, 0.25167232751846313, 0.23197738826274872, 0.22998417913913727, 0.2343042939901352, 0.23987388610839844, 0.24288077652454376, 0.2953171730041504, 0.23208855092525482, 0.2286095917224884, 0.2609156370162964, 0.23624837398529053, 0.24968352913856506, 0.2446427196264267, 0.2892037034034729, 0.23941215872764587, 0.23760586977005005, 0.23048289120197296, 0.29021310806274414, 0.2416054606437683, 0.23784546554088593, 0.2410704493522644, 0.23307617008686066, 0.24791119992733002, 0.23073282837867737, 0.2520429193973541, 0.2513633072376251, 0.266377329826355, 0.2570776343345642, 0.23769544064998627, 0.26535820960998535, 0.23861455917358398, 0.24320663511753082, 0.26955556869506836, 0.2369236946105957, 0.22878128290176392, 0.2427082359790802, 0.23088513314723969, 0.2318558543920517, 0.22688718140125275, 0.22794796526432037, 0.23386846482753754 ], "y0": " ", "yaxis": "y" }, { "alignmentgroup": "True", "boxpoints": "all", "customdata": [ [ "If you like cars you will love this film!

There are some superb actors in the film,
especially Vinnie Jones, with his typical no nonsense attitude and hardcase appearance.The others
are not bad either....

There are only two slight flaws to this film. Firstly, the poor
plot, however people don't watch this film for the plot. Secondly, the glorification of grand theft
auto (car crime). However if people really believe they can steal a Ferrari and get away with it
then good look to them, hope you have a good time in jail!

When i first read that Nicolas
Cage was to act the main role, i first thought \"...sweeet.\", but then i thought \"...naaaa you suck!\"
but then finally after watching the film i realised \"...yep he suck's!\".Only joking he plays the
role very well.

I'll end this unusual review by saying \"If the premature demise of a
criminal has in some way enlightened the general cinema going audience as to the grim finish below
the glossy veneer of criminal life, and inspired them to change their ways, then this death carries
with it an inherent nobility. And a supreme glory. We should all be so fortunate. You can say \"Poor
Criminal.\" I say: \"Poor us.\"

p.s. - Angelina Jolie Voight looks quite nice!" ], [ "Emilio Estevez actually directed a good movie--who woulda thought? I sat through two previous films
Estevez directed--\"Wisdom\" (with then girlfriend Demi Moore) and \"Men at Work\" (with brother Charlie
Sheen). They are lousy films---badly acted, directed, stupid and offensive. Estevez is a good actor
but lousy as a director. I turned this on in pure curiousity--it has a great cast and I had nothing
else to do. Damned if it didn't pull me in.

It concerns Estevez coming home from Vietnam
permanently scarred by what happened over there. His parents (Kathy Bates, Martin Sheen) and sister
(Kimberly Williams) try to reach him but can't. Something in Vietnam has affected him deeply...and
he's about to explode...

A bit overlong but still very good. A lot of the material is
familar but the cast is so good that they make it seem new. Estevez is good, Sheen is terrific (and
Estevezs' real life father), Williams is touching and Bates is just extraordinary--trying to hold
the family together. It all leads up to a powerful ending which REALLY surprised me.

Well
worth catching.

" ], [ "Murder by Numbers is a pretty good movie. Even though the plot rolls along at a snail's pace, what
with Sandra Bullock's character getting all mixed up with her partner and the movie flashing back to
a previous trauma situation she had been in, it does succeed in keeping the viewer involved in the
film.

Having said that, I do think that it does a good job in setting that eerie sort of
\"who done it\" type atmosphere. It keeps you guessing at which one of the boys really was behind the
murder, if not both of them. I think Ryan Gosling and that other kid (lol) do a good job of selling
that bully versus dork relationship. Not sure about Gosling playing a bad-ass, but for a guy who
would later star in a movie like The Notebook, he did a pretty good job. Once the movie gets
rolling, though, I really found myself involved in the story, sort of asking myself, \"Oh My God,
what would I do if I were in that situation?\" Like I said, a good CSI type movie, maybe not for the
EXTREME crime drama movie junkie, but a good all around flick.

8 outta 10" ], [ "I saw a sneak preview of this Tuesday night with a group of friends and we had a blast! After seeing
sneak peaks for BOOGEYMAN (Horrible! 3/10) and Amityville Remake (so-so 6/10) I enjoyed this a lot
more! As seen in the trailer, one knock I had was believing that a whole town could be \"forgotten\"
but this is a cheesy popcorn horror movie so I accept it for what it is.

My only major
complaint is I assumed Paris Hilton would touch wax or get dipped etc. and moan \"that's hot\" but
they didn't do that (how could they resist???).

There is NO nudity from the 2 girls
although Paris looks great in her lingerie! I'm surprised they didn't put a 3rd \"hot token victim\"
in the movie for some needless nudity which is the norm for this type of flick! I won't list any
death or plot spoilers BUT I will say that Paris & Eliza both get roughed up good!

The
characters are developed decently and are somewhat likable (not like Cabin Fever where you wanted
them to die) and the movie has a decent pace although nothing happens in the 1st 30 minutes like
most horror films.

I give it a 8/10 as it delivered good scares and gore and I had low
expectations going into it. If you go with some friends that like cheesy horror movies you'll have a
good time.

Noah" ], [ "I contend that whoever is ultimately responsible for creating/approving the trailer for this movie
has completely blundered. NO ONE I know wanted to see this movie based on the previews, and EVERYONE
who actually saw it (that I know) absolutely loved it... The advertising campaign is
disgrace/disaster/blunder.

Opened at #4 behind...

#1-Rush Hour, which I have
not seen, average IMDb score of 7.4.

#2-The Bourn Ultimatum, which I have seen, awesome
movie but 3rd week out, average IMDb score of 8.7 (deserving I would say).

#3-The
Simpsons Movie, which I have seen, okay movie but 4th week out, average IMDb score of 8.1 (a bit
high in my opinion).

#4-Stardust, average IMDb score of 8.4 (lower then Bourn, but that's
been our for 3 weeks).

Whether it was poor scheduling or poor advertising I think that
the powers that be behind this movie screwed up big time! This should have been advertised as an
amazing movie that happens to be a fantasy/fairytale and not advertised as just another fairytale…
Too bad :( Anyway- Now that I have very pointlessly ranted on-and-on... Awesome movie, go see it!" ], [ "This movie is good. It's not the best of the great CG kung fu flicks but its pretty good. First
thing first, the story is actually good. The whole idea of gods vs fallen gods type deal with super
powers is pretty cool. My problem is theres too many characters! It got very confusing when they
switched scenes! The special effects were INCREDIBLE! The fighting scenes were very fast paced and
complex. This movie practically all computer generated. The acting is superb, as always expected
from such high profile players. Ekin Cheng makes an excellent protagonist, loner character. Zhang
Ziyi did nothing for me in this movie. I thought she would have a bigger part but she did one fight
scene and a whole lot of yapping. The bad guy, the whole skull army and the whole blood cloud thing
is very frightening. The music is also excellent. To me this story deserve at least a mini-series
and not just ONE movie. Theres too much story to cram in 2 hours. Maybe if there was a book or
something, I would be able to keep up with all the characters and the details. This movie sacrifices
story integrity for action. I reccomend Storm Riders over this any day." ], [ "I love bad movies. Not only, because they often are as entertaining as 'really' 'good' films (like
Pirates of the Caribbean series and other Hollywood pathos), but they often are far better than
those films. And that's the reason why I love Italian rip off cinema of 1970s and 1980s. And that's
the reason why I especially love this movie, The Barbarians & the Company.

Director
Ruggero Deodato has made some actually very good movies, like House on the Edge of the Park, and
also his Atlantis Interceptors and Live Like a Cop, Die Like a Man are enjoyable action movies. But
this is really bad. The Barbarians is so idiotic movie. Peter and David Paul as the Barbarian
Brothers Kutchek and Gore are very funny, because of their lack of charisma and acting skills. But
if they can't act, they yell and scream every time they do something important. In one scene people
try to hang the Barbarian Brothers, and they escape very extraordinary way.

Bad acting,
bad special effects, very stupid story, bad direction, actually everything is bad in this movie. I
can't describe how much I laughed when I watched this first time. The Barbarians & the Company is
camp classic everybody should see once. If you thought Plan 9 From Outer Space is fun camp, this
will be a real killer." ], [ "This was a strong Poirot/Suchet, television mystery selection. The characters were vivid and well-
acted. The plot and the main setting--a student hostel-- were excellent. Japp was nothing special
but for me did not distract from story. One significant point, many Poirot watchers don't recognize
good acting or good characterization. I also think they are rather harsh in their judgments of some
of the Poirot mysteries. Finally, I have read few Christie novels--none in recent years-- and find
it annoying that so many viewers are upset about changes from the novel. Please, viewers, consider
what is presented to you on film, not what you think should be there. That said, the Poirot
mysteries vary in quality, but not as much as reviewers and raters would have you believe. With the
singular exception of The Five Little Pigs which was fabulous in plot, character and theme, the
longer Poirot films are neither that good or that bad. For the record, I have seen all the longer
Poirot/Suchet films. Finally, films without Lemon, Hastings, and/or Japp are neither good nor bad
because of their absence. There presence, however, is either obtrusive (almost always with Japp) or
irrelevant with Hastings. Lemon is in the middle." ], [ "Before I'd seen this movie I've heard a lot of praise about it and quite many exclamations about how
\"horrific\" it was. Not to take any credit away from this movie, I think it wasn't all that horrible
or even shocking. It's just a movie about people living in the darker side of the town. And a good
one at portraying the point.

There's some great acting here and a well-thought of
manuscript. Paavo Westerberg is a renowned writer in the Finnish movie scene and he's the best in
what comes to describing the contemporary Finnish culture (albeit he's not the only one writer for
this movie, but I dare say he's the main-writer anyway. Correct me if I'm wrong).

The
casting is excellent, except for Jasper Pääkkönen (the pseudo-main character, who in my opinion
should have stayed in the soap opera scene), and the sets, the cuts and sounds are very well done as
well and give great atmosphere to this movie.

This movie is a story about loosely
interconnected sad destinies that according to a famous Finnish band's very well known song (Eppu
Normaali's \"Tuhansien Murheellisten Laulujen Maa\", which VERY roughly translated to \"Paha Maa\")
throughout the whole Finnish society lead to a sad, dark end accompanied with booze, lonesomeness
and the bad choices. And it's the side of everyday Finnish life about 80% of the population have no
awareness of, unless movies like this are made." ], [ "I just viewed Detention last night and i liked what i saw. It was a cool fun movie.Dolph looked
superbly cool on the Bike.He also looked good in this movie as compared to his other recent
movies.He is now in a pretty good shape.The story was ok and the other actors were also passable.I
wouldn't call this movie his best but its still a good movie.

But it also had its share
of Problems. The first one was the way bullets were flying everywhere and even when they were being
fired at point blank range they missed the target.They should've had shown the ppl escaping the
bullets in a better way. Another problem which i had was the way the students were swearing. I dont
know in which school the students can swear in front of their teacher and even in the classroom. The
third problem was that the bad guys were very few in numbers. There should've been more bad guys.
Last problem was definately the fact that the set looked cheesy , but that was due to the small
budget. Overall the movie was a good Movie.I enjoyed it.I would recommend others to watch it. P.S.
Now u r a DEAD beat cop. (Some One-liners were also cool)

" ], [ "This is the best movie I've ever seen. And I've seen a lot. I'm not even a Troma fan. I've never
heard of Troma before watching this movie.

I had already given up hope to see a great
movie until I saw \"Tromeo and Juliet\". This movie is a dream coming true. Shakespeare would likely
be proud of this modern adaptation of his classic. There are sex, violence, humor and satire. It
breaks many taboos.

This movie is neither disgusting nor stupid. It's hard to describe
with words how clever, funny, exciting and witty this movie is. The music is great and perfectly
fits every scene. The characters are very believable and the acting is great. I really cared for the
characters.

It is certainly not for Troma's fans only. It's for all people who have a
sense of humor and like clever and believable entertainment as opposed to totally stupid and
unbelievable mainstream movies that don't dare to do what this movie does.

The bad
reviews only prove that this movie is great and something exceptional. You either love it or hate
it. Like all true works of art it isn't understood and appreciated by all people." ], [ "I enjoyed this movie okay, it just could have been so much better. I was expecting more action than
what I got...which was more of a comedy than anything else. Granted, it was serious in parts and it
had a good fight scene here and there for the most part it was more romance and comedy with some
action and no horror at all. Which is hard to do with a vampire movie. A vampire hunter loses his
partner and must train another, his sister is going through a difficult break up, but she is being
pursued by a vampire of all things. Granted, this vampire is rather nice and not into sucking blood.
So that is all there is really to it except for a plot of another vampire after certain royal
vampires so he can gain ultimate power. Some of the problems with this movie is that its plot went
here and there and the movie had a very uneven flow to it, that and it seemed to shift genres a bit
much too. One minute action, the next pure comedy. However, the girls were cute, there is good
action, the comedy was worthy of a chuckle or two and Jackie Chan makes a rather energetic
appearance or two. This movie probably just needed more development in some areas such as the
villain who is basically not really explored at all. So for a movie with a few good fights and a
chuckle or two this is rather good...though why was it rated R? I have seen stuff we have made that
is PG-13 that is a lot worse than this." ], [ "I for one was very anxious to watch this movie.

Though I knew it was going to be another
type of movie in the style of Revenge of the Nerds, I was still impressed.

There is
plenty of truth to the fact of this type of learning and believe very strongly that it should be
allowed in a \"new style of schooling\".

Conventional teaching methods do not always teach
students what they need to know or should know or want to know.

This approach to teaching
should be further sought out in true academic courses.

While there still was too much of
the partying scenes, it obviously had to be thrown in there - for Hollywood's sake of making a
comedy about college...even though we all know that life isn't really like that by any means./>
A touch unbelievable, still funny and with a killer ending.

Awesome ending.
Crucial to the entire story and very surprising.

Without the final scene, the movie would
have been half as good.

I liked this movie and it didn't have to have overly amounts of
swearing or nudity or gross out jokes for it to be good.

Great crew and cast, story and
even the generic typecasting of the obligatory \"Hampton frat members\" was well done.
/>American Pie 1, 2 3 and American Wedding or whatever clones it makes doers not measure up to this
by 1/3.

Far better than most comedies about first year College with no demeaning stupid
jokes to make somebody throw up with.

I liked it, even though it was simple...it was
interesting and even had heart...my only regret for watching this movie is that it wasn't longer." ], [ "Being both a Dario Argento fan and a Phantom of the Opera fan, I was dying to see his first take on
the story, before the so-bad-it's-good \"Dario Argento's Phantom of the Opera\". The film is just
terrific, even the plot, which here is one of Argento's best at a coherent story. The way he turns a
classic romance story into a creepy slasher is just terrific. The film has a very nightmarish feel,
which helps on keeping you on the edge of your seat. The colors have never been better in an Argento
film since the jaw-dropping \"Suspiria\". The murders are clever and gory, all done in Argento's
trademark style. The thing with the eyes in this film is just unsettling, and done some much better
than in Fulci's splatter. The acting is so-so, but once you seen the movie more times you understand
the characters' motivations better, and you get used to it. My two biggest complains about it is the
use of rock music. I think it was a clever idea to mix beautiful opera fragments with heavy-metal,
but it's not executed very well here. The ending is VERY disappointing, which is the worst thing
about the movie, seeming to echo Argento's previous \"Phenomena\", but done terribly, it just didn't
need to end that way. The same thing happened in the director's cut of \"The Exorcist\". I wished they
kept the original ending. But still it's a fantastic motion picture and really a must-see, if only
for Daria Nicolodi's memorable murder sequence." ], [ "I had been long awaiting this movie ever since I saw the trailer, which made it look like a
political drama, starring three of my favorite actors; Al Pacino, John Cusack, and Bridget Fonda.
And even though it was directed by Harold Becker, who has done uneven work, he and Pacino did
combine on SEA OF LOVE, which ranks among each of their best work. But interference on some
level(for starters, several of the scenes in the original trailer don't appear in the movie) and
changing of tone(subsequent trailers make it look like a thriller) make this, while watchable,
nowhere near as it could have been.

Which is too bad, because I really wanted to like
this movie. There was great potential here to be a film about how government can still be worthwhile
despite all the corruption, and to make a complex statement about that corruption, not the usual
good guys vs. bad guys. And there is good acting here. Pacino and Cusack are both very good, and
Danny Aiello gives one of the best performances of his career. But Fonda is wasted in her role,
having nothing to do, and while there is merit in the central storyline, when it turns to a
thriller, the movie loses its way, briefly recovers in the final scene between Cusack and Pacino,
and then falls down completely in the end. I wish I could like this more, but no." ], [ "I went into this movie perhaps a bit jaded by the hack-and-slash films rampant on the screen these
days. Boy, was I surprised. This little treasure was pleasantly paced with a somber, dark
atmosphere. More surprising yet was the very limited amount of blood actually shown. As with most
good movies, this one leaves something to the imagination, and Bill Paxton did a superb job at
directing. Scenes shot inside the car as are well done and, after watching the \"Anatomy of a Scene\"
episode at the end of the video tape, It was good to see that some of the subtle, yet wonderful
things I had noticed were intentional and not just an \"Oh, that looks good, keep it\" type of
direction. This is a moody movie, filled with grimness. Still, for the dark subject, a considerable
portion of it is filmed in daylight, even some of the more disturbing scenes. The acting is
exceptional (Okay, I've always been a fan of Powers Booth), and never goes over the top. Au
Contraire, it is very subdued which works extremely well for this type of film. If there is any one
area where this film lacks, it is in the ending, which seems just a bit too contrived, but still
works on a simpler level without destroying the mood or the message of the movie. What is the
message? It's something that each individual decides for themself. Overall, on the 1-10 scale, this
movie scores an 8 for those who like the southern gothic genre (ie: \"Body Heat\" or \"Midnight in the
Garden of Good and Evil\"), and about a 5 for those who don't." ], [ "I'm sorry, but I just can't help it, I love watching Iron Eagle. Now, do not misunderstand me, I am
not saying that this is a great movie. No, rather, I would put it that this is an endlessly
entertaining movie. For people who cut this movie to pieces for not being realistic are kinda
missing the point. Of course Iron Eagle's plot was ridiculous. But I believe its target audience was
kids, and I sure remember finding this cool when I was little. Now I just find it amusing as a
guilty pleasure, kinda like Road House. This movie is part of the great pantheon of 80's, kids-
taking-on-the-stodgy-adult-power-structure movies. You must remember D.A.R.Y.L, Real Genius, E.T.,
etc. If you ask me, just watching Doug and Knotcher \"Ride the Snake\" in the beginning is worth the
cost of the DVD. That whole sequence was so STUPID! But, at the same time, it was hilarious, funny,
totally 80's, all that good stuff. So bottom line, Iron Eagle is a great 80's guilty pleasure. The
hairstyles, the dancing, the music, the dialogue, its all funny as hell. I have Iron Eagle on DVD
and to me it was totally worth $9.99 at Best Buy. If you love laughing at dated, unrealistic action
movies, this one is a must-see. Oh yeah, and I think its plot was only marginally stupider than
1986's other fighter pilot action pic, Top Gun." ], [ "Well, I guess I was in the mood for a movie that really grabbed me from the beginning. This movie
wasn't it. It plodded along at a pretty slow, deliberate pace for the first 40 minutes, but there
wasn't really anything in it that I was terribly interested in--there's an intriguing and mysterious
feud between Jean Reno's character and an old man, but more of the first 40 minutes is dominated by
the wanderings of the main character, whom I didn't know much about and couldn't really relate to at
the time. He wanders around alone for the most part, he doesn't meet anyone; I imagine the director
was trying to depict the loneliness of the human condition in this post-apocalyptic world or
something, which is all good, but I still wish he'd trimmed it down from 40 minutes to 15, because
it can get incredibly boring.

But after those 40 minutes, things start to get very
interesting. I guess I won't really say more than that because I don't want to spoil anything. So if
you've seen the first 15-30 minutes of this movie and are thinking about turning it off (like I
was), just stick with it--it gets a lot better.

One of the most interesting things I
found about this movie was the fact that it had no dialogue whatsoever, which really made me have to
think about what was happening, how characters were feeling and what their motivations were, why
things were how they were in this post-apocalyptic world, all of which gives the story a lot of room
for audience interpretation. And it's amazing how much more satisfying a movie is when the actors
aren't telling you exactly what's going on." ], [ "I'll be honest. I got this movie so I could make fun of it. I mean, come on, \"Hood of the Living
Dead\"? What other reaction could I have? The thing is, though, the movie (and its makers) decided
that it wasn't going to be made fun of. Instead, it was going to try its best to be a good movie./>
And you know what? It came awfully close. A little less cheese in the incidental music, a
little more professionalism in the photography, the acting, the incidentals (like the props--love
the Best Buy bag)...well, it's not a classic of the zombie movie genre, but it's still a pretty neat
little movie on its own. And the acting, writing and pacing are all surprisingly better than I would
have expected. There's even some decent humor, as two of our leads debate how to decide if a dead
zombie is really dead.

If you can overlook the low budget (which leaves its fingerprints
in everything, alas) and the almost constant profanity, this can be a pretty fun time at the movies.
No, it ain't great. Yes, it could have been better. But the makers, the actors, the crew, they all
tried to make a good film (instead of a camp classic) and that counts for a lot. The line of campy
zombie films is a mile long, and thank you, guys, for not adding to it.

Kudos to the
Quiroz brothers. I'd love to see what they do next. And hey, somebody, give them a budget!" ], [ "This film is like marmite. You either love it or you hate it. If you go into this film expecting a
proper film with decent production values, a good plot and great characters you'll hate it. If you
go into this film expecting a low budget slasher you'll probably hate it.

If you go into
this film expecting to see one of the most deranged characters ever put to film in the form of Harry
Russo you will love it. John Giancaspro is absolutely brilliant in his over the top portrayal of the
insane, murderous coke fiend.

The special effects are abysmal at best but really, who
cares? If you're the kind of person who's prepared to watch a film Schizophreniac: The Whore Mangler
you've undoubtedly seen scores of horror films filled with gore. With the budget this film was made
for even if they had tried it probably would've mediocre at best. I'd much rather be able to laugh
at something abysmal than be unaffected by the mediocre.

To sum it up, you'll probably
hate this film but if you're one of the few who decide to see it anyway it'll become the best thing
since sliced bread #2 I hate marmite." ], [ "Yes, I loved this movie when I was a kid. When I was growing up I saw this movie so many times that
my dad had to buy another VHS copy because the old copy had worn out.

My family received
a VHS copy of this movie when we purchased a new VHS system. At first, my mom wasn't sure that this
was an appropriate movie for a 10 year old but because we had just bought a new VHS system she let
me watch it.

Like I said, this movie is every little boys dream… The movie contains a
terrific setting, big muscled barbarians, beautiful topless women, big bad monsters and jokes you'll
only get when you get older. So, a couple of days ago I inserted the video and watched the movie
again after a long time. At first, I was bored, then started thinking about how much I loved this
movie when I was kid, and continued watching. Yeah, the experience wasn't as great as I remembered…
The acting is pretty bad, the storyline is pretty bad, the jokes weren't funny anymore, but the
women were still pretty. Yes, I've grown up. Even though the movie experience has changed for me, I
still think it's worth 7 stars. For the good old times you know…" ], [ "Damn, I've seen this movie for at least 4 times now and I still don't get bored watching it./>
The visuals are so good and together with the music which is totally awesome and perfect
fitting this movie is mind-blowing to me.

The CGIs are quite bad IMHO, but the whole
visuals with the black and white feeling about it and the totally sterile interiors were just...
Just a genius perfect combination for such a movie. The whole feeling about the feeling is
indescribable, the plot is so good.

However although, the movie had little flaws, like
e.g. sometimes I thought the movie was a bit too \"slow\", but I don't mean the scenic parts by that,
I totally loved those.

Also I got distracted very often by the totally complex story,
like when he is in the underground bunker-like thing of digicorps, where all their data is saved,
and has this conversation with the guy down there... but that may also just be me :D And the end
could have been displayed somehow more emphasized, they should have made the getting-back-true-
memory-part a bit longer and \"louder\" but then again without all these flaws the movie would have
been so good i would have never stopped watching it again and again..." ], [ "The Ali G character works brilliantly within the confines of a comedy show, but as a movie, it
doesn't work in the same way.

Don't get me wrong - this is a very funny movie, full of
biting, witty dialogue, that caricatures the modern British chav wonderfully well, whilst providing
the viewer with a hilarious, if unrealistic story.

One problem with this film is that the
script and content is either fantastically brilliant, or it's embarrassing to watch. When I say
embarrassing, I don't mean funny embarrassing a la Office or Extras, but rather, you'll wish they
hadn't included it in the final cut. One example of this is the inclusion of a music video after the
film has ended, to the tune of, \"This is how we do it.\" Whenever I watch the film, I stop the DVD
when it says the end, and leave it at that.

Overall, Ali G Indahouse is a good film,
worth watching a couple of times. The script is enjoyable to an extent, and there are no issues as
far as acting goes. However, refinement is the key word here.

Ali G is a better
television programme. Borat is a better film." ], [ "I own Ralph Bakshis forgotten masterpiece Fire & Ice on an old OOP rental videotape.


Well for one thing, this is better than any other Conan-esque film you'll ever see. Sure, it's
cheesy, but who cares? It stood the test of time, and the only way it started to look cheesy is in
comparisons to modern fantasy epics like LOTR:FOTR (though I love that film.)

The plot
goes like this: After a battle between Fire & Ice, a kings daughter is kidnapped by Jarols (Ice)
subhuman creatures, while a sole survivor of a victimized village rescues her.

Yeah it
doesn't sound as a original as Nurse Betty, but that's not the point. It is really to bring to life
an interesting idea of a world of two enemies: Fire & Ice. And it succeeds.

As for the
action scenes: superb. They are well handled, have terrific suspence, and have plenty of loud
noises. Just check out the climatic battle, now THAT'S an ending!

The acting and
dialogue: competent. Really. They aren't gonna be nominated for an Oscar, but they are OK and don't
get on your nerves.

The animation is quite good. Shot on 3D and rotoscoped (I THINK), it
looks pretty good. A lot of the backgrounds look really detailed and well drawn, and although the
character designs feel a little 1-dimentional, they are OK.

Overall, this is a fine
neglected little gem and will entertain you more than any of the superfical \"entertainment\". 10/10" ], [ "You know you're watching softcore with the wrong attitude when the poor dubbing bothers you. I'm
okay with the crappy lip syncing but the sound mix is really of too. Every time someone says
anything it sounds like there's a narrator. Either way, this is pretty much the purgatory between
boring French professionalism and the heavenly campy Joe D'Amato flicks involving cannibalism and
whatnot. Don't get me wrong, there's a fair dose of exploitation in this one, but there's always
room for more. Laura Gemser stars, and that's good because she's hot. It's a bit freaky how at times
you can see her bone structure, but she still rules over her white counterpart. You can also make a
cool drinking game of how often she takes her kit of. Often. Every reason is good. Every person is
good. Every location is good. One scene even involves an entire hockey team, whatever they are doing
in Africa. Sometimes the plot gets in the way, and the supporting cast consists of some really vile
looking people, but there's enough Laura Gemser for all." ], [ "A friend lent me this DVD, which he got from the director at a festival, I think. I went in warned
that some of the technical aspects of the movie were a bit shaky and that the writing was good but
not great. So maybe that colored my judgment but I have to admit that I liked this movie.
/>The standouts where the actors. Youssef Kerkor was really good as Ernie, the main character, kind
of pathetic in a likable way. Adam Jones (who also directed) and Justin Lane were excellent as the
roommates who drive Ernie mad. The Bill character (Justin Lane), who spends a lot of the film
dressed like a panda, was by far my favorite; he seemed the least one-dimensional, and reminded me
of an old college roommate so much I called the guy after watching the DVD. Really kind of lovable,
and very funny. Some of the other acting was good, some was so-so, but none of it was bad. I also
really liked the vigilante duo. Ridiculous and funny.

I'm giving this one high marks,
even though it has some issues, because you can tell when you watch it that these people cared, and
decided to make their movie their way. Well done to Adam Jones and crew." ], [ "I wouldn't say this is a bad movie; in fact it's pretty typical of the type of film that the
\"poverty row\" studios were releasing at the time. Filmed for Monogram, Bela Lugosi is very effective
in his role as the somewhat demented doctor-scientist, masquerading as a respected member of the
community. In this movie, Bela and his henchmen have the nasty habit of stealing young brides, and,
after their demise, injecting Bela's wife with a serum taken from their bodies in order to keep her
young. Lugosi is more than up to the task in making this an enjoyable film, however, the movie
suffers from the ultra-wooden acting of co stars Luana Walters and Tristram Coffin. Coffin (nice
name for a guy in a horror flick) is especially bad in this case. I've seen him in numerous movies
and tv shows and he is always the same; stiff, wooden and utterly unconvincing. Miss Walters is only
slightly better, but she too lacks the acting talent to make her role believable. Still, the viewer
can enjoy the great Lugosi act out yet another dastardly scheme only to be foiled in the end!
Despite the poor acting by some, \"The Corpse Vanishes\" is an enjoyable movie for all to see." ], [ "This movie would had worked much better if this was the first Critters movie, this is a low-budget
movie with only two (2) Critters shown on-screen. Why this looks like a fail is because this is the
last Critters movie and it's so low-budget that it seems the director made the whole movie with his
own pocket money. However, I did like this movie, I compare it mostly with the third movie (which
were bad). Critters 4 have a more serious tone in it, the first half of the movie (even without
seeing one Critter yet) you have a scary feeling watching it, too bad they didn't \"milk\" out the
Critters, I mean even if they only had two (2) puppets they could still have used them on-screen a
lot more. The Critters also have different deaths in this movie which made this a little special,
especially at the end with the frozen Critter. Ug has a promotion in this part and is different in
this movie which took me by surprise. Lastly I liked this one because it also has some kind of
conclusion to the series, so at least we won't see a Critters 5 anymore. Oh, one last thing, I
missed one scene in this movie, we never see a Critter shoot a spike from its back, maybe these
puppets didn't have that feature, but I was very disappointed not seeing that (in Critters 3 we see
a lot of spike shooting, which was the only good thing I liked about that movie)." ], [ "The plot: A crime lord is uniting 3 different mafias in an entreprise to buy an island, that would
then serve as money-laundering facility for organized crime. To thwart that, the FBI tries to bust
one of the mafia lords. The thing goes wrong, and by some unlikely plot twists and turns, we are
presented with another \"cop buddies who don't like each other\" movie... one being a female FBI
agent, and the other a male ex-DEA agent.

So far, so stupid. But the strength of this
movie does not lie in its story - a poor joke, at best. It is funny. (At least the synchronized
German version is). The action is good, too, with a memorable scene involving a shot gun and a
rocket launcher. But the focus is squarely on the humour. Not intelligent satire, not quite
slapstick, but somewhere in between, you get a lot of funny jokes.

However, this film is
the opposite of political correctness. Legal drug abuse is featured prominently, without criticism,
and even displaying it as cool. That's the bit of the movie that seriously annoyed me, and renders
it unsuitable for kids, in my opinion.

All in all, for a nice evening watching come
acceptable action with some funny jokes, this movie is perfect. Just remember: In this genre, it is
common to leave your brain at the door when you enter the cinema / TV room. Then you'll have a good
time. 8/10" ], [ "I saw this film on True Movies (which automatically made me sceptical) but actually - it was good.
Why? Not because of the amazing plot twists or breathtaking dialogue (of which there is little) but
because actually, despite what people say I thought the film was accurate in it's depiction of
teenagers dealing with pregnancy.

It's NOT Dawson's Creek, they're not graceful, cool
witty characters who breeze through sexuality with effortless knowledge. They're kids and they act
like kids would.

They're blunt, awkward and annoyingly confused about everything. Yes,
this could be by accident and they could just be bad actors but I don't think so. Dermot Mulroney
gives (when not trying to be cool) a very believable performance and I loved him for it. Patricia
Arquette IS whiny and annoying, but she was pregnant and a teenagers? The combination of the two
isn't exactly lavender on your pillow. The plot was VERY predictable and but so what? I believed
them, his stress and inability to cope - her brave, yet slightly misguided attempts to bring them
closer together. I think the characters, acted by anyone else, WOULD indeed have been annoying and
unbelievable but they weren't. It reflects the surreality of the situation they're in, that he's
sitting in class and she walks on campus with the baby. I felt angry at her for that, I felt angry
at him for being such a child and for blaming her. I felt it all.

In the end, I loved it
and would recommend it.

Watch out for the scene where Dermot Mulroney runs from the
disastrous counselling session - career performance." ], [ "Especially after watching THE MATRIX RELOADED!! *SPOILERS*

After seeing the Matrix with
all it's ridiculous fantasy make-believe-robotic characters with their super powers, it was
refreshing to see an action movie with real people in situations that involved actual risk! I cared
about these people, and even though some of the stunts seemed a bit much, it still left me feeling
like \"it's possible\" verses \"what a stupid video game\" (like the Matrix)

This movie isn't
brain surgery, it's very straight forward. Some things are predictable- like knowing that someone is
going to be a back-stabber and that someone early on is going to die. Pretty obvious, but SO WHAT?
The first 15 minutes sets up our reason, our motive, our main objective.

I like that
Theron and Walhberg didn't have any make-out scenes. I am glad that they didn't go there. They kept
it about funny dialogue ESPECIALLY SETH GREENE. That guy IS FUNNY!

This is a movie that I
would buy when it comes out on DVD. It's fun, fast and entertaining. The only thing (and I guess
it's a big thing) is that we are really - rooting for the bad guys. This group of protaganists are
already on the wrong side of the law. Not a good message for the kiddies - parents, please explain
this to them.

" ], [ "Ali G earned his fame on the small screen - though the big screen has not lost him any kudos either.
Ali G Indahouse is a hilarious laugh-a-second fun fest - just like on the small screen. He has lost
none of his character or stupidity at all, and behind all that - none of the film is brainless fluff
either. A human side to Ali is revealed during the film, the idea of Ali G running for PM is a
brilliant, fresh and funny one - and the incessant stupidity of Staines' gangster man is mixed well
with the stern, harsh world that is politics. The film is also full of brilliant new characters -
and instead of just interview after interview, we get a proper comedy film that never gets
repetitive or boring. So why didn't I give it ten stars? Well, the ending was funny, but also
botched and failed - none of it made sense. And in parts, the film became offensive in trying to be
funny - but that's Ali G for you - if it isn't offensive, it isn't itself, and it is totally and
utterly ruined. Ali G's big screen debut was a success in my belief, and should have got into the
6-7 average rating range on IMDb. But it could have got worse as well, and people are bound to have
mixed opinions, especially on a film such as this.

On the whole, Ali G Indahouse is
hilarious British comedy at its best - and funniest, and most clever. A great job! 9/10" ], [ "One of the best horror/suspense movies I have seen in a long time. Wow, it was a big surprise and
stunning at how good this movie was, sometimes a gem like this will surface but is rare. I expected
a popcorn monster flick and a mildly diverting way to spend a late night but instead a very well
made and directed movie with great acting and made with passion and heart.

This is a
movie that makes you feel for the characters and what happens to them, and it is filmed like you are
there and it is really happening. I know some people in other reviews compare it to \"Open Water\",
but I disagree because I thought Open Water was quite boring and mediocre, while this movie was the
opposite, although superficially they are filmed in the same \"realistic\" style.

The
actors are unknowns, at least to me, but they all are very effective and convey the dire situation
with frightening intensity and realism. The story is well done and flows smoothly, the plot is
logical and appears to be something that could happen, all the actions and thoughts of the
characters are quite what a person would do and think about. Very believable and this makes the
movie more real because of it.

I had tears in my eyes at the end. I must say a movie
seldom has this effect on me, this is how powerful and emotional this movie was done and I am
suitably impressed by the director and actors of this great movie." ], [ "After reading tons of good reviews about this movie I decided to take it for a spin (I bought it on
DVD, hence the \"spin\" pun...I'm a dork). The beginning was everything I hoped for, a perfect set-up
(along with some quotes that I've heard on Various Wu-Tang albums) to what should have been a good
movie. But the plot I heard was so great, was so predictable. Every time I saw a character (except
for the Lizard) I guessed which Venom he was. Plus, the only cool character gets killed off in the
middle of the movie. Ok, so the plot wasn't very good but at least there was some good kung-fu
right? Wrong. The fights were very short and few and far between. Granted the different styles were
all pretty cool but I wish the fights were longer. I kept hoping to see the Lizard run and do some
crazy ish on the walls but it never happened. I was hoping to see the Centipede do some tight speedy
ish but it never happened. I was hoping to see the Scorpion in the movie for more than 7 total
minutes but it never happened. In short, not much happens. The fighting is all pretty routine. Don't
be fooled just becuase this movie has a plot, it does not mean it's a good one." ], [ "My Super Ex Girlfriend turned out to be a pleasant surprise for me, I was really expecting a
horrible movie that would probably be stupid and predictable, and you know what? It was! But this
movie did have so many wonderful laughs and a fun plot that anyone could get a kick out of. I know
that this was a very cheesy movie, but Uma and Anna were just so cool and Steve was such a great
addition along with a great cast that looked like they had so much fun and that's what made the
movie really work.

Jenny Johnson(scary, that's my best friend's actual name) is not your
typical average librarian looking woman, when Matt, your average male, asks her out, he's in for
more than he expected, he's asked G-Girl out on a date, the super hero of the world! But when he
finds out what a jealous and crazy girl she really is and decides that it may be a good idea that
they spend some time apart, but Jenny won't have it since he's fallen for another girl, Hannah, and
she will make his life a living hell, I mean, let's face it, he couldn't have chosen a better girl
to break up with.

The effect were corny, but you seriously move past them quickly, the
story and cast made the story really work and I loved Uma in this movie, it was such a step up from
Prime. My Super Ex Girlfriend is a fun movie that you shouldn't really take seriously, it's just a
cute romantic comedy that I think if I could get a laugh out of it, anyone could.

7/10" ], [ "For what it is, this is a pretty good movie. I like both Johns -Stamos (\"Full House\")& Stockwell
(\"Christine\", \"Top Gun\"). They both give strong performances. The love interest is OK, but this is
more of a guy's movie than a good date movie. I love Harleys, and I hated seeing them paint over the
\"14 coats of hand-rubbed lacquer\" with good old Army Olive Drab. There is a small history lesson
here in that Harley-Davidson motorcycles played a key role in WWII. I don't know if the training was
quite like this bunches! The movie kept my interest all the way through without getting slow
anywhere, with good riding action sequences. I love looking at the demographics of the vote history
- one 18 year-old man gave the movie a 10 (true bike lover, I guess). I wouldn't give it a 10, but I
did give it an 8. I do not weigh every movie with the same scale. There are movies that were big-
budget, with great actors, that you expect to be good so when they fail they fail big. (Star Wars -
Episode I is my best example) I loved the first three SW movies, but I thought Episode I was weak in
comparison. So it gets a lower rating from me than this movie. I expect more from George Lucas." ], [ "This is definitely one of the better Mel Brooks movies, along with Spaceballs(although I will openly
admit to not having watched many others, at least yet). It's very silly and thoroughly funny, there
are hardly more than a few minutes throughout the entire two hour run-time, where you aren't
entertained. Almost all of the gags have a great comical effect, few of them fall flat. I saw this
movie right after seeing and reviewing Spy Hard, and comparing these two spoof movies, I realize
exactly of how high quality this movie really is. It's funny from start to finish, none of the
comedy is overdone or boring. The music is marvelous, as is the choreography of both dancing and
fighting. The acting is pretty much what you would normally expect from this type of movie... Elwes
is a great comedian, and makes a good Robin. The plot is typical Robin Hood, more or less everything
from the legend is fit into this movie(and spoofed majorly). If you like Mel Brooks, or you're just
a fan of silly humor, or you're just dying to watch a good parody of the legend of Robin Hood, this
is definitely the film for you. The HBO First Look special on the film is also worth watching, and
in that, you may want to keep watching throughout the credits, too. I'd recommend it to any fan of
Mel Brooks movies, and to people who enjoy silly humor. 7/10" ], [ "Despite looking dated, \"Inki and the Minah Bird\" is, my opinion, an enjoyable and charming cartoon.
The artwork isn't extraordinary, but good enough. This cartoon has no dialogs, just sounds and
music, but this combination works out pretty well. The cartoon itself is good, funny, old fashioned,
creative, entertaining and amusing.

This cartoon also makes the difference because it
focus in just 3 characters: Inki (the little black girl), the Minah Bird (a very strange bird) and a
hungry lion that wants to have both Inki and Minah for breakfast - so he chases them both during
most of the cartoon.

I actually find that lion very handsome, hilarious and cool. I
really like that lion. That poor lion is so silly and loser that you have to feel sorry for him. For
me, the real enemy is the Minah Bird, not the lion. At one point, the lion almost eats it - too bad
he doesn't get to gulp it, because it deserved to be eaten.

Back to this animated short,
there isn't a single dull or boring moment. At least for me. The only bit that I find stupid is the
ending because the bird has a major fight with the lion, steals his teeth and puts them on itself.
Other than that, I have nothing major to criticize about this, aside the fact that the steak
should've definitely have gone for the lion and not the bird.

In my opinion, this is a
very forgotten and underrated little jewel that should definitely get more credit." ], [ "This work is pretty atmospheric, with a couple of surprises a few really creepy elements. I found
this work more rewarding than I first expected, given the rotten reviews this receives here at IMDb.
The dialog comes across as natural and honest (given the circumstances), although the overall run of
the film goes from predictable to cliché with the heroines falling down when they should be running,
and investigating strange noises when they should be locking their doors. Typical horror movie
fare.

The local characters are some of the worst clichés, depicting Appalachian natives
as in-bred developmentally challenged freaks. The characters of the children and the principals are
GREAT! The development given is adequate, and Scout Taylor-Compton seems to be developing her
talents quite well.

Now, I'm not going to say that this is entirely original or the best
thing since sliced bread (which isn't all that great by the way), but this IS interesting and I do
not long for my 107 minutes back. I would not say this is an awesome movie by any means, but there
are some really good horror elements herein. But there are also some really slow spots where
plot/character development seem superfluous to the director's (or the film editor's) whim.
/>All in all, this is good for a rainy night, but not so good for a Friday/Saturday night's
viewing.

It rates a 7.6/10 from...

the Fiend :." ], [ "No this is not an Ed Wood movie. \"Angora Love\" is Stan Laurel's and Oliver Hardy's last silent
movie. The end of an era! In the '20's Laurel & Hardy left a real mark on the silent movie genre
with movies that are still popular and being watched and aired regularly, this present day.
/>It's a shame that this movie is however not among their best.

The premise of the movie
sounds good and is good. The boys team up with a goat this time, which of course leads them into
trouble and for us some hilarious situations to watch. It however at the same time is extremely
silly and just totally unbelievable to watch the boys doing comedy stuff with a goat. Most of the
jokes in the movie still work good but the movie just however never gets truly hilarious or
memorable. The comedy and story really feels lacking at times and is mostly too simple and
predictable.

Of course still good and fun enough to watch for the fans but still a
slightly disappointing last silent Laurel & Hardy entry.

7/10" ], [ "\"Panic in the Streets\" was a decent thriller, but I felt a bit disappointed by it. The central theme
of a city being attacked by a plague in modern times is fascinating, but the film never really
explores or develops it. Its well made and entertaining, but its not as interesting as it should
have been. The screenplay for this one is really weak and brings the whole film down. None of the
central characters are really compelling or believable.

Fortunately, the film is very
well made so it compensates for the weak scripting. The direction by Elia Kazan keeps the film
suspenseful and moving at a lightning quick pace. There are some standout sequences, particularly
the memorable chase climax. When his direction was combined with better screenplays several years
later, the man could mostly do no wrong.

The acting is also very good. Richard Widmark
was always a watchable leading man and does what he can with an underwritten character. Paul Douglas
spends his time yelling a bit too much but does a decent job as well. The standouts in the cast are
the two villains. Zero Mostel, known primarily for his comic roles, is effectively slimy as one of
cinema's ultimate toady characters. Jack Palance is, unsurprisingly, a chilling villain. \"Panic in
the Streets\" is disappointing but still worth watching. (7/10)" ], [ "I know sometimes its really really corny... But the acting is amazing and Melissa Joan Hart is as
cute as a button. I love this show a lot, and I'm almost embarrassed that I do b/c the show has a
rep. for being really corny, but it makes me feel good. My only problem is that sometimes it can be
pretty low budget - sometimes actors change and you just have to deal with it... Like Sabrina's
father is 2 different guys throughout the course of the movie... I mean, couldn't they just say he
was an uncle or something? Still, I can't help but loving this show. Harvey and Sabrina make a
really cute couple and Salem is absolutely hilarious. I definitely recommend it if your looking for
some light and funny entertainment... My favorite episode is \"Pancake Madness\"... a HILARIOUS
episode. The best season is probably 3... I'm not really a fan of some of the seventh season
twists... Once you get to college, Morgan joins the group and her dialog is painful and very poorly
acted... Plus she is ugly, so the jokes about how she is only surviving off her good looks were lost
on me... But I think it was set up to have a really good eighth season and I was really sad to see
one of my favorite shows canceled!" ], [ "I think this movie has got it all. It has really cool music that I can never get out of my head. It
has cool looking characters. IS REALLY funny(you know, the kind that you'll crack up on the ground
and you'll keep saying the funny parts over every day for three weeks).Despite the bad acting, bad
cgi, and bad story(about cops going after a robot), its really cool. Its one of those movies you and
all of your family can watch, get together, eat pizza, laugh like crazy, and watch it two more
times.

There are so many funny parts, like when Kurt was trying to get Edison's attention
and gave him the finger, and then threw a paint ball gun at him so they could play paint ball. On
that part, I kept saying \"Remember, Remember?\"to my cousins who saw it and showed them what
happened. There was also a really funny part when Edision ran into the room and Kurt was there(just
before they fought) and Kurt was talking about his \"Strange dream\" and how he was \"Superman\". I
LOVED that part, although it has been a while since I saw it, so I don't remember that part.
Everything the actors said were funny, like how Kurt says, \"I worship you, like a GOD!\" to the
robot.

Although there was some bad things, in all it was a GREAT movie. Man, I can't stop
laughing. I wish I had that movie. );" ], [ "The plot is real horrific, the atmosphere really depressive, unusual for a low-budget production
like that, and at least, for a German production. A little bit of Indian spirituality, mystic
thriller and slasher movie mixed together. The development of plot and characters are great, the
sets very close to reality, without any studio-atmosphere. It could be perfect, but at unfortunately
some things were a little bit disappointing, what don't inevitably have to be typically for low-
budget movies:

1.) The cast sometimes is not more than average. Almost every actor look
like a layman. Some of them do a good, or a very good job, but some are acting like the actors of
crappy German court-shows! But I was very, very disappointed of the acting of Mathieu Carrière! His
acting ( in a lots of of his older movies his acting was fine ) here was below-average! But that
could be the reason, why he today takes part in crappy German soaps or TV-series on private
channels.

2.) The dialogs are sometimes on soap-opera-level.

3.) The bad
sound made it sometimes very hard to understand, what the characters are saying. I saw it on DVD and
was glad to could rewind and to listen it again. It caused by the set ( big halls as in the hospital
or with the esoterically group ) and sometimes the strange dialects of the actors!

But
all in all, it is an interesting movie, worth to watch it, far beyond the commercially movies, which
are often more terrible." ], [ "First of all the movie, is an ingenious work of art(movie). The plot was filled with surprises, a
little kid pretends to be a grown up inherits one million dollars and how he spends it. I mean how
whacked out is this. Walt Disney really outdid themselves this time. The comedy is most of the times
expected but the other times unexpected. I mean was this movie OK or was this movie OK. It also
teaches a lot about wise youths and I this kid is really wise and a bit time smart pants. But also
it sucks. How the heck could a guy like that kid get a hot police babe and his dad let him go free.
That's like let a killer get bailed free for ten years. If I were to do that I'd get beaten with a
'suble jack'(a huge stick that stings when used to bench your butts really hard). That kid is really
lucky. Back to the story. The movie makers really knew what they were doing when they made this
movie but still it's not perfect. The acting was good and bad. The kid and woman had no chemistry
neither did the father but the bros were excellent'. The special effects on the other hand was lame.
Plus this movie isn't based on reality. I hated and loved it at the same time." ], [ "I think a lot of people just wrote this off as another one of Tom Cruise's weird movies (Magnolia,
Eyes Wide Shut) but Vanilla Sky is definitely its own movie. Many people said it was weird; it
wasn't. It was different and confusing but not weird. Weird is Stanley Kubrick or Pauly Shore.
Different is The Truman Show. Confusing is The Matrix or The Game. And unlike Kubrick, this movie
has a conclusion. Everything makes sense -- maybe not immediately, maybe not even today, but it will
make sense. Vanilla Sky is confusing because David Aames (Tom Cruise) is confused. THAT'S the point.
That's where the so-called \"weirdness\" that turned critics away came in. If they had bothered to
\"open [their] eyes\" as the original 1997 Spanish movie, they would have seen that. And if that's not
enough reason to see it, go see it for the music. Cameron Crowe offers a wonderful soundtrack; he
uses it to set the \"feel\" -- that notorious element that many movies lack. With songs like The Beach
Boys' \"Good Vibrations\" playing at the dramatic and emotional climax of the movie, he creates an
offbeat, yet astoundingly \"right\" feel. A wonderful film, in its script, music, acting, and images,
Vanilla Sky is sadly, a superficial bandwagon movie that critics chide in order to appear
intelligent. Excellent: A+" ], [ "My room-mate ordered this one off of the web a while back and I finally got around to watching it.
It is gross. It is cheezy. It is pretty dumb... but it is also a lot of fun. I mean, this was the
most fun we have had watching a movie like this since \"City Of The Walking Dead\" ages ago. It was
like being at the old Drive-In Theater again! You could tell the guy who made this movie liked all
the horrible dubbed zombie movies. This one has all the cliches and tricks from those films rolled
into one, and it's neat because it is SUPPOSE to be like that. The cheeze factor is high, the gore
flows and the laughs roll! The effects go from sloppy to good, with the one where the guy gets torn
in half and the one where a guy gets his heart shoved through his chest both being excellent! The
acting goes from terrible to actually pretty good. There is not much plot, just lots and lots of
gore. This one is patterned after the zombie movies from Italy and Spain I think, because they
linger on the gross scenes forever, like this movie. If you like Troma movies, cheezy B-grade stuff,
then you can do no wrong watching this one. A nice way to waste a Friday night!" ], [ "Not a bad word to say about this film really. I wasn't initially impressed by it but it grew on me
quickly. I like it a lot and I think its a shame that many people can't see past the fact that it
was banned in some territories, mine being one of them. The film delivers in the shock, gore and
atmosphere department. The score is a beautiful piece of suspense delivering apparatus. It only
seems fair that Chris Young went on to be one of the best composers in the business. The acting in
this film is of a somewhat high standard, if a little wooden in some spots, and the effects are very
real and gritty. All of this is high praise for a good slasher film in my book. I've noted in some
reviews that the film has gotten serious flack having the famous killer's P.O.V shot. And I ask:
WHAT'S WRONG WITH THAT??? It is a classic shot that evokes dread into any good fan of the genre and
is a great to keep the killer's identity a secret. The only thing that stops this film getting top
marks in my book is that the surprise twist(killer revealed) is not handled with more care, I mean
it just happens kind of quickly, though the great performances make it just about credible. Aside
from that PRANKS is a great movie (though I prefer the original title) and its a shame that so many
people knock it off as just a cheap piece of crap. Its more than that, but only few know that as it
seems to have gotten lost in the haze of early 80s slasher. What a shame.... Its a really good movie
people! Believe me!" ], [ "This is NOT as bad a movie as some reviewers, and as the summary at the IMDB page for this movie,
say it is. Why? First is the fact that in 1984 the movie makers were daring enough to confront, as
one of the plot elements, the issue of domestic violence -- so reviewers who complain about the plot
are sadly missing one of the main points! Second, without the plot element of Prince's movie
relationship with his abusive father, the musical climax wouldn't work as well as it does -- so
those reviewers who say that only the music is good have, once again, missed one of the points --
specifically, WHY it is so good...because all of the music in this film has a plot element backdrop
that makes the music more effective. Third, give this movie a break! For first-time movie producers
and director, this is just not that bad! There are far worse movies out there by accomplished movie
people!! And last, the reviewers who say that the music is \"good\" have also missed the point --
check out the range of stylistic musical treatments, the variety, the musicianship, and the stage
performance of Prince -- truly one of a kind, going musically where no one else was going during the
1980's, and with a style seen in the work of other artists (clothes and movement: which costuming
elements came first, Michael Jackson's or Prince's? Also, see if you can spot the splayed fingers
sweeping in front of the eyes that Prince does in this movie, long before Quentin Tarentino's \"Pulp
Fiction\"). As the sum of its parts, not a bad movie at all." ], [ "this movie is just great. if you have a chance to see it, then you should run to see it. even though
the movie has almost nothing to do with its original from 1932, Pacino does a great job playing as
Tony Montana to get around.

Pacino has this way about him where he can say anything in
anyway and make it sound just great. if you thought that Pulp Fiction was good with the swear words
(if you saw it) then you should also see Scarface to see another angle at how an actor can say them.
(its quite sweet)

even though the movie is has a lot of action and the plot moves very
fast through time, not keeping the realtime aspect ratio correct, it is still easy to follow along,
but you must keep your eyes peeled at all times to not lose anything. personally, i have found that
watching this movie makes three hours seem like a breeze, it is really just that great.


this movie is one of thoe movies that is acted and directed so well that not only do you forget that
this movie was made in the crappy 80s but that it makes you actually root for the bad guy... \"So say
good night to the BAD guy\"" ], [ "This was a great movie, I would compare it to the movie The Game. You get to the end of the flick
and cant move... your brain has been removed and shaken (not stirred) and put back in your head.
Dont plan anything after this movie, you will need time to think about what just happened.
/>Dont come to this movie expecting the Matrix style multi millions spent on special effects, this
movies special effects come from the actors, they keep you involved, no, they suck you in and dont
let go for the entire duration of the movie. Great acting, great plot... very enjoyable film, I cant
say enough. Also very original plot, plenty of twists and ideas that I would have never thought of.
The ending is abrupt and leaves you hanging wondering, was that real? Is this really the end? Good
ending, not saying that it is bad... just leaves you wondering, and a little frazzled.
/>Great movie for those who like action, like a good plot (dont get up for a bathroom break on this
movie, you will come back lost) and like mind games, because thats exactly in a nutshell what this
is." ], [ "So the WWE has done it. They have poured over into film;their first one being See No Evil, starring
their very own Kane. I caught this movie and went in not expecting it to be a great film...It just
seemed to cliché and looked like nothing new. To my surprise it actually wasn't half bad. A viewer
stated above that it is good B-horror movie fun, and honestly thats the best way to describe it. Now
the question I was asking myself was how was Kane going to hold up...Well let's just say he made an
absolute bad ass out of the 'Jacob Goodnight' character. He sold the role really well, and really
did look menacing. But what can you expect from someone who is almost 7 feet tall and weighs around
320 in solid muscle. The acting was decent, and the story was nothing new of course, but we all know
that. The directing as well as the cinematography was done very well and the hotel backdrop really
looked dilapidated and well done. Considering this was directed by a porn movie director, I was
quite surprised. I'd recommend this movie if you're looking for mindless gore and killing and just
some overall fun. Think of this movie as a modern day latter Friday the 13th film. And save room for
the ending too, cuz it's a good one. And stick around after the credits too..." ], [ "This is a nice little movie with a nice story, that plays the most important role in the entire
movie.

It's a quite intriguing dramatic story, with also romance present in it. The story
is being told slowly but this works out all too well for its build up. The characters are nice and
portrayed nicely by its actors. Normally I'm not a too big fan of the Asian acting style but the
acting in this movie was simply good.

Of course the movie is quite different in its
approach and style from other genre movies, produced in the west. In a way this movie is more
advanced already with its approach than the western movies made during the same era.

I
only wished the movie its visual style would had been a bit better. For a movie that is considered a
kind of an art-house movie this movie is certainly lacking in some well looking sequences. This was
obviously a quite cheap movie to make and it got made quite generically. Not that this is a bad
thing, it just prevent this movie from truly distinct itself and raising itself above the genre./>
But oh well, this movie is all about its well constructed story and characters that are in
it. In that regard this movie most certainly does not disappoint.

8/10" ], [ "Once again, I was browsing through the discount video bin and picked up this movie for $4.88. Fifty-
percent of the time the movies I find in the bin are pure crap (I mean horrible beyond belief) but
half the time they turn out to be surprisingly good. This movie is much better than I expected. I
found it very engaging, though it was obviously made by an amateur.

The direction is
nothing special, but the story is intriguing with some good thrills. I expected it to be more of a
comedy, but I wasn't too disappointed.

For a thriller, this movie is surprisingly good-
natured. There's no bloody violence, no profanity, no nudity, no sex. Usually, these movies require
all four of those elements. The PG rating is well-deserved--not like \"Sixteen Candles\" where the \"f\"
word is used twice and there's a brief gratuitous nude scene.

I just wish the romance
between Corey Haim and his love interest could've been developed more. The film does tend to be
plot-heavy, and the potentially good subplots are pushed off to the side. Instead of developing a
chemistry between the two of them, we end up watching a careless three-minute montage of them on
their romantic endeavors. They end up kissing at the end, but there's so little chemistry that it
seems forced.

\"The Dream Machine\" is no gem, but it's good, clean entertainment. It's
quite forgettable--especially with a cast of unknowns, except for Haim--but it's also much better
than you'd expect.

My score: 7 (out of 10)" ], [ "One of the better kung fu movies, but not quite as flawless as I had hoped given the glowing
reviews. The movie starts out well enough, with the jokes being visual enough that they translate
the language barrier (which is rarer than you'd think for this era) and make the non-fight dialogue
sequences passable (for a kung fu movie, this is a great compliment). Unlike other Chinese action
movies, which were always period pieces or (in the wake of Jackie Chan's Police Story I) cop dramas,
Pedicab Driver gives us a look at contemporary rural China. Unfortunately, in the latter 1/3 of the
movie it takes a nosedive into dark melodrama tragedy which I thought was unnecessary.
/>The action is overall good, featuring a duel between Sammo and 1/2 of the Shaw Brothers' only 2
stars, Kar-Leung Lau and then a fight at the end with that taller guy who always plays Jet Li's bad
guy. There's only 20 minutes of combat here, which is standard, but what annoys me is the obvious
speeding up of the camera frames. I get that they have to film half speed to avoid hurting each
other, but there are smooth edits and then there's this. It really takes away from the fights when
it's this obvious the footage was messed with.

That said, if you like kung fu movies, my
opinion here won't dissuade you, and if you don't, you just wasted 2 minutes of your life reading
this." ], [ "I wanted to see Sarah Buffy on the big screen, so I first bought tickets and then checked the
reviews at IMDb. I worried about seeing a bad movie. Well, I had fun watching the movie. Some parts,
which obviously were meant to be scary, were actually quite humoristic, almost as in Buffy the
Vampire Slayer.

I don't consider this a bad movie. It's not a great movie either. Just a
rather well made horror movie. It does not rely heavily on special effects, but on camera angles,
acting, music. In my opinion, the acting was OK. Sarah did a very good job, quite convincing. The
other actors were definitely not bad either, I liked Yoko.

The sets are nice (and I don't
care that the sets are the exact same ones that were used in the Japanese original).

The
scary moments were often predictable. But not always. I have seen quite some horror, and did not
expect to be scared now, but it happened at least twice. Nice.

The movie had some nice
scenes that were almost original, like the trails of rubbish, the simple special effects for he
ghosts, the eyes of the boy, the cat that made eery noises, the gurgling of the dead boy and his
mother.

Don't go if you want to see Sarah in another Buffy episode, because it is very
different from her Buffy work, much more serious. Don't go if you only want to see movies that
gather Oscar nominations. It's a good horror movie, enough suspense. I gave it a 7." ], [ "Apparently this movie was based on a true story. I'm not sure how accurate it is, though. But it
really reminded me of how when I see that someone has been murdered on the news, it's amazing how
much it doesn't affect me. Sure, I think it's terrible, but I honestly don't care. I move on. It
seems that murder is trivial now. This is what River's Edge shows. Nobody really seems to care about
this girl and her death, not even the killer. Then what's the point?

The killer in this
story is John, and for the large amount of the movie he hides out with another killer named Feck,
played by Dennis Hopper. Feck is older, and you can see the generational gap. He says he loved the
girl that he killed. When he asks John if he loved the girl he killed, he simply replies, \"She was
okay.\" The movie only seems to offer one solution: life is more important than death. A character's
life is spared, people get second chances, and one hopeless case is killed.

The acting is
really good. After watching this movie I could only come to the conclusion that Crispin Glover is
either a brilliant actor, or a terrible actor. I still have no idea. He was my main reason to see
this movie, though. But the best performance is clearly given by Dennis Hopper.

Even
though the fashion is really 80's and characters sometimes mention then-current issues, I still
think River's Edge is as relevant today as ever.

My rating: 10/10" ], [ "It's hard to rate films like this, because do you rate it on production or just fun?

I
saw this film back in about 1988/89 or so when I was a boy and I'm sorry to say it started a life
long fascination with ninjas. The plot is fairly dire and the acting is of course terrible, but
there is a certain mystique surrounding the ninjas in this film which makes for quite a good
atmosphere. What is important are the fight scenes, while a 'little' sparce, are really good./>
I must say it was better when I was a boy, only now can I see the glaring points of
unbelievable nonsense in the film, but as a \"sit back with a few beers\" martial arts film I can't
fault it, it delivers and is much better than the mountains of \"American Ninja\" Style rubbish that
was churned out in the 80's with hundreds of guys in black suits but really not very good fight
scenes.

In an interesting note, Dusty Nelson, the writer and director of Sakura Killers
did another ninja film under the Bonaire movie flag called \"White Phantom\" I have no idea if this
was meant to be a sequel to Sakura Killers\" but the Sakura clan is once again a main feature,
including the same logo and similar story only this time including a White Ninja. This too, while
being mostly dire, had a small sense of atmosphere but the fight scenes are even more sparce and to
be frank, are pretty awful.

So, if you are a martial arts fan then give it a blast to
kill a few hours!" ], [ "There was a recent documentary on making movies, that featured a long list of actors and directors
talking about what its like to make movies. One common theme was you can have a great script, great
cast, the best director and lots of money and still create a bad movie.

Down Periscope is
proof of the corollary to that theory. Not an original or terribly well written screenplay. A few
solid actors, but mostly unknowns, and this movie just makes you laugh out loud! It would be easy to
just say that Kelsey Grammar carried this movie, but that isn't truly the case. Other character
actors, like Rob Schneider, and the hilarious Harland Williams, added significantly to the
enjoyability of the film.

Cast dynamics, or that mysterious \"movie magic\" are really what
happened here, creating a film that flows smoothly, has incredibly well executed transitions and
line after line of well written and well performed dialog.

A preposterous premise, lots
and lots of technical inaccuracies and just plan silly things that could not happen in the real
world, or the real navy, but you just don't care. As a merchant marine myself, I found that the
overall feel of the movie, while not plausible, was also not too far off the mark as far as life at
sea goes.

This is a VERY funny movie, a good family film, and, particularly if your a
fan, lots of Kelsey Grammar wit, sarcasm and just damn funniness." ], [ "One Night at McCool's is a very funny movie that is more intelligent than what it should be. Its
form is more sophisticated than what I expected, and its randomness was superb. The thoughts behind
the movie (mysogeny, sadism, stupid men) are are infantile. That's what I have to say about this
movie is that not only does it hate women, but it loathes men. It doesn't have any sympathy for any
of the men, really. It seems that way because of the form, but the ending says it all. Nobody
cares.

The form has the first 2/3 of the movie told in flashback by three characters:
Dillon, the stupid bartender; Reiser, the mysogenistic stupid lawyer; and Goodman, the stupid,
holier-than-thou cop. The story is therefore always perverted by their own self images and altered
realities. Reiser's BBQ fantasy is a great touch. In the end, we never really know the truth, and
nothing is what it seems. Dillon was never that innocent, etc.

Actually, the rest of the
movie is funny too. From the randomness of the last 5 seconds of the movie to the overly-obviousness
of Tyler's manipulations, the movie seems to have an energy all its own. Everything is just out of
the blue, and nothing seems to make sense. Do we really care if it does? No.

It is also
a very dark comedy, but has a shallow presentation. Think Nurse Betty, or Jawbreaker. Very candy
coated outside, dark chewy inside. If you like your movies random, dark, or just purely mean, see
this movie. This one will satisfy your urges for the strangeness that is One Night at McCool's./>
8/10" ], [ "The plot is predictable. It has been done many times in other movies. You have competing summer
camps in this one: the rich kids vs. the underachievers competing for \"bragging\" rights in the
typical camp contests, while the kids and consolers pursue pranks, sex, and \"a good time!\" \"Are You
Ready For The Summer?\" Meatballs is the first (and best) summer camp movie for feel-good comedy. As
others have posted, it's no Citizen Kane, but this type of movie isn't meant to be. The film works
because of the wonderful comic timing and classic one-liners of Bill Murray. His scenes with a
camper where he tries to raise the kid's self-esteem are very good. Bill's one-liners throughout the
film are very funny.

I also like that this movie isn't dirty or explicit like so many
other \"teens at camp\" movies today. There is some mild sexual innuendo and maybe one or two cuss
words in the entire film. But Meatballs is the type of teen movie that is actually appropriate for
the younger crowd. It's rated PG.

This is a movie that you have to see a few times to get
all of the jokes! When Bill Murray is on the screen or making one of his classic \"PA Announcements\"
you are drawn to the film. Bill seems to carry the movie all by himself. But he does it so well,
that when you see Meatballs, you will realize that this is the film that made him a star! A side
note to this review is to avoid ALL of the Meatball movie sequels. They are horribly bad." ], [ "I loved this film! Fantastically original and different! A solid, intense, hard-core and suspenseful
movie that has just the right touch of (dark?) humor. If you're tired of the typical, overdone,
ridiculous Hollywood B.S. movies, how many big explosions and awful and unrealistic shoot em up gun
fights that insult your intelligence can we take, then this film is for you. Fantastic characters
that are wonderfully original and believable, and solid performances by all actors, not a weak
character or performance in the film. Skip Woods' film is a breath of fresh air and I applaud his
originality and efforts, his film has the feel of a cross between a Quentin Tarantino and a Cohen
brothers film (not a bad mix at all in my opinion). This movie grabs you by the throat and doesn't
let go, there's nothing boring or bubble gum about this film. The only disappointment is that nobody
seems to know about it, everyone I've recommended it to has thanked me and shared my opinion on it.
This film is a welcomed change/alternative from the canned Hollywood mainstream garbage being
produced today, even with their big name actors, big explosions, special effects and huge budgets.
It's a terrifically wild, intense, violent, graphic, humorous and raw (I mean that in a good way, no
phony Hollywood polish here) ride. Thank you to everyone involved in making this film happen, you
did an incredible job!" ], [ "Before watching this movie I thought this movie will be great as Flashpoint because before watching
this movie Flashpoint was the last Jenna Jameson and Brad Armstrong movie I previously watched. As
far as sexual scenes are concerned I was disappointed, I thought sexual scenes of Dreamquest will be
great as Flashpoint sexual scenes but I was disappointed. Except Asia Carrera's sexual scene, any
sexual scene in this movie doesn't make me feel great (you know what I mean). The great Jenna
Jameson doesn't do those kind of sexual scenes of what she is capable of. Felecia and Stephanie
Swift both of those lovely girls disappoint me as well as far as sexual scenes are concerned./>
Although its a adult movie but if you aside that sexual scenes factor, this movie is very
good. If typical adult movie standards are concerned this movie definitely raised the standards of
adult movies. Story, acting, direction, sets, makeups and other technical stuff of this movie are
really great. The actors of this movie done really good acting, they all done a great job.
Dreamquest is definitely raised the bar of quality of adult movies." ], [ "This is such a great film! Never mind the low rating here. I really have no idea where that came
from, they must be discussing a different film then. Because I absolutely loved it and found it to
be a little hidden treasure.

It's story was so original and charming.. I really can't
think of anything bad to say about it. Maybe it has to be ''your type of thing'', but, I saw this
with my sister and my mother, and we all were taken by it.

The acting was also very
good, and that is hard to do in a film like this. But I found all the characters very intriguing and
sympathetic.

I've always been very fond of Dougray Scott and found his new ''dark'' role
very interesting. It is really awful hard to get me to like a bad guy, but I absolutely had no
problem with that this time. Even more so, I adored him.

Everyone who loves a good
thriller/drama that also has a good dose of love and tragedy should definitely go see this film, no
question about that! Anyone wanting to see a film with 80% bloodshed, should go rent something else,
though.. But I guess the title already kind of gives that away. This is a love story, not Saw 3./>
I give this film 4 out of five stars!!! Good job!!!

xxx Enjoy!" ], [ "I just watched this movie for the first time after finishing the book last week. What's the problem
here? Folks admit that the performances are great--I mean, Lange is stellar!--and that the film is
good-looking, but it's got less than a '6'! I don't get it. Come on! The writing's not that bad!/>
Having read a lot of Pulitzer-winning novels, and having seen a lot of the films based on
them, I think a better-than-decent job was done in bringing the screenplay together. I thought the
paring down of all the dialogue in the novel was executed almost perfectly. This story had a pretty
hefty amount of dialogue in it, and the story really came through on the screen despite the fact
that only a portion of it was used.

**BOOK SPOILER PART** I was, however, a little
disappointed in the Ginny-tries-to-kill-Rose subplot's being omitted. I thought that was one of the
more emotionally jarring parts of the book, but it was probably a good bet to leave it out. Avid
movie-goers, more than avid readers, I think, tend to be less forgiving of protagonists pulling
antagonistic stuff. It's apt to confuse Johnny Lunchpail and Joe Sixpack.

If you loved
the book, you will like the movie. If you hated the book, you will likely hate the movie.
/>********

Rog" ], [ "No matter how much it hurts me to say this,the movie is not as good as it could have been.Maybe I
was misled by the countless exaggerated reviews here on IMDb,but I expected so much more...
/>Sure,the idea is a good one,the violent scenes and the camera-work are outstanding,the imagination
of genius Dario is breathtaking, but the movie is \"soiled\" by a couple of mistakes that I find
unforgivable. First of all, am I one of the few people who feel that the Heavy Metal music played in
the most intense scenes simply rips the atmosphere apart??? With a different kind of music
(Goblin????) during the \"needle\" scenes,it would have been SOOOO intense!... Instead,the soundtrack
destroys any chance for tension... Secondly, the final killing scene and the last few moments of the
movie are simply silly and uninspired. I don't want to say \"amateurish\", cause I love Argento's
movies.The ending left me feeling empty.Talk about a final impression! This is hardly what happens
in most of Dario's films! Though,admittedly,Suspiria also suffers from a rushed finale (even if most
of it is brilliant)....

In short,watch this movie,try to make the most of its good
points,but be prepared for some bad ones as well. This is NOT a perfect movie by ANY means." ], [ "I have to offset all the terrible comments. I love this movie. I own the movie and the soundtrack. I
watch it whenever I need a pick me up. Granted it's not like the Sound of Music but it's as much fun
if picking at movies is not your thing. I adored the late (and great) Bobby Vann, and James Shigeta
has always and will always be a favorite. I saw this when it first came out in the theaters. I'm a
big musical fan and this one is 100 times better than Twiggy in \"The Boyfriend\". It's a modern
musical and shouldn't be judged by all that went before. It's just the best for dreamers like me,
who wish they could find this place - no illness, no wars, no drugs, all the bad things in life are
gone. This is nothing more than a feel good movie. That is what all movies should be about. Shaun
Phillips title song is superb and explains the entire feel of the movie. If the acting isn't the
greatest-who cares. I love the idea of the movie. Peter Finch, a very stiff actor, Liv Ullmann,
gorgeous as ever, Sally Kellerman, surprisingly good voice, Michael York, typical, and Olivia
Hussey, stunning, all convinced me they were normal run of the mill people. Not one of them acted
like actors in a movie. They acted like real people, the same way I would act if I found this place.
Torn between going home and staying there, in awe of everything. Yes, there are flaws in this movie,
but get over it, it's not Citizen Kane, it's a feel good musical!" ], [ "This has to be the best movie of all time (in my opinion). It really taught me when i watched when i
was 10 (in 2000) that the freedom of a being a child slips away sooner then we expect it to. Also
Joseph Mazzello has to be my favorite actor ever, and i think that him and elijah wood did a Great
job in the roles of brothers. This movie is quite sad, and some people don't understand the ending.
But the story itself is quite incredible, the thought of a poor 7 year boy (bobby)getting abused by
drunken step father is horrible, and what the two boys do about this is sad, and important. My
favorite part of the movie is when Tom Hanks (older Mike) lists the 7 things of being a kid that are
lost to the grownup world. However there are some parts that could have been done better in this
movie, such as the casting of the mother (lorraine braco), who i think is a horrible actor. \"the
king\" played his role well, since it is a hard role to play. Joseph and Elijah definitely were the
stars of the movie. i couldn't believe how well they played victims of a abusing stepfather, being
the age that they were (7 and 9). But overall, i recommend this movie to anyone, who loves great
child actors, and a great movie. :)" ], [ "Stupidly beautiful. This movie epitomizes the 'so bad it's good' genre of films.

The
only two talents in it are Richard Boone and Joan van Ark, and only Boone is any good. It's kind of
sad that the man who rose to fame as Paladin should wind up in this ugly pile of celluloid. While he
turns in a fantastic performance, I couldn't help but feel that he so outclassed all his fellow
actors in this piece that he shouldn't even have been there.

The effects in this film are
laughable, but fun. The idea of a dinosaur being buried in the wall of a cave and suddenly coming to
life is B-movie gold. When the 'triceratops' gets killed, watch how it falls. It's clear that the
stunt performer in the FRONT of the costume knows the timing best. He falls to the ground, well
before the back half of the dinosaur follows suit.

Speaking of 'suits', there is nothing
good to say about the purple tyrannosaur, in this flick. It seems to have some kind of stealth
technology, since Bunta (reputed to be the best tracker in the world) twice fails to notice it until
it's within biting range of him. I don't know how all the prints are, but in the version I own, the
Tyranno's roar contains Godzilla's trademark bellow.

This is loads of fun, to watch, if
you like bad movies. I love them, and especially bad monster movies, so I consider this the gem of
my collection. If bad movies are your thing, definitely get this one." ], [ "Most people are totally unaware that this movie exists. Fox, which paid Judge to make it, has kept
it in the can for quite awhile and then spent nothing to promote it. I guess that made many people
think it was one of the garbage movies being flushed in late summer. Well, I am here to tell you
that this is a funny and rather frightening look at a future that is not that hard to believe.
Basically, Judge puts forward the notion that the stupid are outbreeding the smart by a wide margin.
Then these stupid are getting more stupid, by basically spending all of their time watching TV and
having sex, which produces more stupid people. By 2500, a person of average intelligence today, will
appear to be a genius, that talks \"all faggy.\" Seriously, is this really that hard to believe. Oh
sure, this future is painfully funny and ridiculously stupid, but still plausible. Luke Wilson is
great as the time traveling army guy, hopelessly trying to get back to a more comfortable time.
Where this story will gain its cult status is with the numerous funny one-liners, like \"can we
family style her\" and \"hey man, I'm 'bating here!\" This is a funny movie and a rather sharp social
commentary on an American society that seems to be fatuated with self pleasure, comfort and
stupidity, and I guarantee you that I will be buying this on DVD the first day it comes out and
watching it over and over." ], [ "There are moments when you don't want those deep drama-series. When you don't want series with heavy
stories or a must to watch every single episode to be able to hang on. There are moments when you
just want to watch a simple series, with lots of action and cool characters. For those moments, you
have Cleopatra 2525.

I was one of those who actually enjoyed Charlie's Angels. Critics
said it was to superficial and silly. But the thing is, that's the point! People who can't relax and
expected a serious movie hated it. It's exactly the same with Cleopatra 2525. It is superficial. It
has silly and unrealistic characters. And that's why I like it. It isn't like any other series./>
The first season wasn't very good. The character Cleo was irritating and a little too much.
The story was a little lame, and you didn't get to know the characters very much. But hey, they only
had 20 minutes in every episode.

In the last 5-6 episodes of Cleopatra 2525, they finally
gave the series full 40-minutes length. And it was here I started to love it. The series finally
started to grow into a very qualitative series. Too bad they had to cancel the series. Because the
last episodes of Cleopatra 2525 actually was very good. I will never forget Hel, Sarge and Cleo.
Unique characters that only the creators of Xena could have created!" ], [ "This is an excellent modern-day film noir....\"excellent\" in that it's interesting, start-to-finish.
There are some holes in here and some goofy parts that make you shake your head in disbelief.....but
I haven't found anyone who didn't get caught up in this story. The movie has the right amount of
action, suspense, plot twists and interesting characters. In addition, it sports some nice colors
and cinematography plus a good guitar-based soundtrack.

I labeled this crime movie a
\"film noir\" because it's gritty and the all the characters are no good. Even the only supposed-good
guy, played by Nicholas Cage, gets himself in trouble by lying and has a quick affair he should't
have. He also does something at the end which isn't right, but I'm not going the spoil it by saying.
Suffice to say, however, that the rest of the characters are so bad they make Cage look good!/>
Speaking of \"bad guys,\" does anyone do it better than Dennis Hopper? Not many. At least in
the \"deranged\" category, he's tough to beat. Lara Flynn Boyle is fun to watch for a bunch of
reasons. J.T. Walsh gives another great supporting performance, too.

This is one of those
films that never got much publicity, but it should have. You'll have fun watching this. By the way,
try saying the name of this movie out loud three times fast without messing it up!" ], [ "Tromeo and Juliet (1996) is another jewel in the Troma Studios film archives. Like The Toxic
Avenger, Troma's War, Class of Nuke 'em High, Terror Firmer and Sgt. Kabukiman N.Y.P.D. this film is
an instant Troma classic. James Gunn updates Romeo and Juliet taking a medieval tragedy and
reinvision's it as a modern day street punk drama. If you have seen or read the play before nothing
much has change except it has been \"tromatized\".

Lloyd Kaufman adds his own twisted
vision to the screenplay and makes it highly enjoyable film. The actors handle the script very well.
I was surprised by how well they performed the dialog, a lot better than some Hollywood big budgeted
actors utilizing a monstrous budget and expensive sets. I enjoyed this movie very much. Lloyd
Kaufman doesn't disappoint because you know what to expect from his films and other Troma
productions. I would rather watch one of his films and be entertained than watch an boring expensive
movie with pampered over paid actors, lame scripts, lazy directors and those awful C.G.I. special
effects.

I highly recommend this movie. If you like fun films with cheesy special
effects, over the top acting and inspired directing, then this movie's just for you!" ], [ "One thing i can say about this movie is well long, VERY LONG! I actually recently purchased this
movie a couple of months ago seeing that there was a new version coming out. I was happy to find
that it was made in 1978 because The 70's (even though i never lived in them) is actually one of my
favourite decades, especially for the music! when i watched this movie the story was actually very
good at the start but then after about 50 mins it started to get very boring and repetitive. i will
admitt the animation did impress me! it was nothing i had ever seen before and was well pretty cool
to see. but the movie honestly could of been a bit better, it could of had alot more talking and
story to it than just 15 to 20 minute scenes that just had wierd fighting. then for the last 5 or 10
minutes the movie picked up and got good again but ended unexpectedly. in my opinion i thought it
was EXTREMELY long. i know its 13 minutes over 2 hours and that is still long for a cartoon but
since it was boring for most of the movie, it made it seem like it was 4 hours long!!!! but overall
it is an okay film i guess and i will watch it again on one of those \"nothing to do days\". i will
see the new one and i hope it is better!" ], [ "When I saw the preview for this movie, I figured to myself, \"here's another dumb TV movie that's
written with the thought and complexity of a soap opera,\" but when I saw it I was surprised.
Tiffany-Amber Thiessen stars (and proves that she can indeed act if given the chance) as a woman who
falls in love with and marries a man (Now and Again's Eric Close) but begins to lose trust in him
when a series of rapes begin to take place in her community. At first, she is blinded by his
assurances that he is innocent and her love for him, but as time passes she continues to be
suspicious of him.

While this sounds like the set-up for another boring melodramatic TV-
movie, it is really much better than that, because the characters are well-acted by Thiessen and
Close, and the movie's script allows them to be much more complicated and intelligent than you'd
expect; these aren't just caricatures or cardboard characters that exist only to move the plot along
but real, three-dimensional people, and we find ourselves really caring about them. And the movie is
smart enough that it is able to provide an exciting, involving climax to the story without resorting
to dumb action scenes, mindless cliches or cheap melodrama. Instead we share in the main character's
inner conflicts and fears, and are given a realistic portrayal of how she might be able to resolve
them and do the right thing.

If you get a chance to give this one a look, please do so.
It's production values are not exactly top-notch (it is a TV movie, after all), but if you can look
past that, there is an excellent story to enjoy." ], [ "Sudden Impact was overall better than The Enforcer in my opinion. It was building up to be a great
movie, but then I saw the villain(s) and was disappointed.

Sudden Impact was different
than the previous installments. The plot went a different direction in this movie, as Dirty Harry
doesn't take as much of a police approach this time around. We also don't see the villain(s) until
later, which means less screen time for them, which is better for us all.

Clint Eastwood
once again steals the show as Dirty Harry, enough said. Pat Hingle was enjoyable as Chief Jannings,
Harry's new assigned boss. Bradford Dillman seemed to change his name to Captain Briggs here, either
way, he wasn't any different. Michael Currie is decent as Lt. Donnelly, Harry's annoying superior. I
personally enjoyed Kevyn Major Howard as Hawkins, the young punk who has a vendetta against Harry.
Albert Popwell was excellent as Horace, Harry's buddy. Audrie J. Neenan was good as Ray Parkins, a
famous lesbian around town. Jack Thibeau was well cast as Kruger, a pervert. Now for the really bad
part. Sandra Locke, Eastwood's long-time lover was horribly miscast as Jennifer Spencer, Harry's
love interest. And Paul Drake was just horrible as Mick.

The movie would have been so
much better if not for better writing and acting on some parts.

8/10." ], [ "I originally saw this several years ago while I was sitting on the couch and got stuck watching it
on HBO. With the remote out of my reach I decided to go with it and was awaiting a miserable movie
that I had been avoiding for a year. So it started off and I wasn't very optimistic about it, but
after about ten minutes I found myself laughing. The complete opposite as I was expecting. The
comedy was smart, the acting pretty good considering, the cast worked very well together, and the
story (though slightly awkward and fake) was actually quite entertaining.

Three convict
brothers manage to escape their sentence and eventually go in search of their fortune. The movie is
set in the 1930's. So along the way, they encounter a number of funny and interesting charatcers.
All have a different story or achievement they are striving for. Really the majority of the movie
may seem random. Some may say it was pointless and boring, but if you look for the smart comedy (and
occasionally stupid) that is integrated into the movie, I'm sure you'll enjoy this one.

I
liked the performances given by George Clooney, John Turturro, and Tim Blake Nelson. All of them did
very well in their roles, an they worked great together. But to finish this off, \"O Brother, Where
Art Thou?\" is a smart, funny, and a movie adventure that I wouldn't let pass up." ], [ "Flipper is a nice heartwarming movie for whole family. It's obviously not a great movie, Free Willy
looks much better almost in every component of film making. Possibly, at times it becomes a bit
naive , and the writing and the script are not the best part of the movie, but it's a entertaining
film with very good cinematography (including underwater shots) and some important moral messages.
Elijah Wood proves himself one more time as an incredibly talented and underrated actor. He can make
bad movie watchable, okay movie - good, good - great and great movie becomes all time classic. Paul
Hogan performance also was very good and he is completely fit to his role. As I already say above,
whole cinematography was very good. But underwater shots definitely is the best parts. So Flipper is
a perfect way if you want to see nice, sweet and entertaining movie. If you like me become sick and
tired of modern Hollywood trash, filled with sex, violence, vulgarity and profanity you most likely
would like this movie.

My rating: 7,7 out of 10. Feel free for mailing me about any of
my comments and posts here.

Sorry for my bad English." ], [ "Yes, some people have said that this movie was a waste of money, but i'm the kind of die hard
dragon/world-ending/holy crap action movie fan.

But if you take it from my stand point
this movie had some of the best action sences were pretty dang good. But its that kind of movie that
everything just fell tougher at the right time, or just about when evil was trumph something fell in
to save them at the right time. Though there were some funny lines and gangs throughout the movie
which surprised me.

The 3d graphics were pretty damn good. I mean for this kind of movie
the 3d effects were GREAT!!!! Big battle that was shown in the trailers live up to whatever hype the
movie had. The fight between good and evil at the end was, I have to to say could have been longer
and slightly better, it was still pretty good.

Now on to the parts that i think could
have been better. The beginning was pretty good showing the parts that lead up to the big battles. I
mean if you don't really want to go see this movie in theaters then at least this is a DVDer.../>
overall i loved the movie,but the plot just fell into place to fast and fit tougher just to
well." ], [ "this movie is not as bad as some say it is infact i think it`s more enjoyable than the original .
maybe that`s why some people hate it as much cos they dont want to admit it`s a good (not great)
movie.

most if not all fx were done by C.G.I which i didn`t mind at all cos it was an
enjoyable movie. Phil Buckman - (Chris) was in my opinion the best guy in the movie Julie Delpy was
rather attractive she brought the sexiness to the movie.

there were a lot of wisecracks
in the movie which i thought were good. this movie is in my collection but the original is not
because i dont like it as much as this one. i was not bored when i watched this movie it kept me
watching unlike some horror movies i could mention like oh say = driller killer & suspiria (dario
argento`s movie) thats to name but two.

this is an ok werewolf film it should be in
people`s collection if they like werewolf movies maybe i`ll get the original at some point maybe. i
have only one complaint and that is Phil Buckman - (Chris) should have been in it more than he was
but apart from that the movie was fine.

rating for this movie 8/10 an ok werewolf movie
not the worst one out there.

" ], [ "Going into see Seven Pounds i wasn't clearly sure what to think because the previews left to much
open to grasp what the movie was really about. So within the first 20 min or so you are completely
lost in the plot, have no idea what is going on and you think Tim, who claims to be Ben, is just a
big asshole. All of this comes to an end when the \"twist\",so to speak, is unraveled at the very last
minute of the movie. Basically Tim (will smith) was troubled and haunted by a big accident he made
causing the end of seven peoples lives. By this he decides to scope out seven new people who are in
need of help badly who he in turns gives his life to.

The acting of this film is great,
as i feel will smith no matter what part he seems to impress. Rosario Dawson, to me, this is one of
her better movies, aside from eagle eye which i think is up there to. She has been in some bad some
good but she does deliver in this film. Other actors, such as woody Harrelson, have very small roles
and not a big enough role to grasp the character. Although the casting of the film was still
good.

This movie was definitely not what i expected and certainly a lot slower pace in
which i hoped. The movie, however, was still pretty good. Nothing is revealed until the last 5 min
of the movie and everything falls into place. Up until then it just seems like a pointless love
story. Final thought seven pounds=seven Stars." ], [ "I haven't really seen too many of the Columbo films... actually, I think I've only watched one or
two, apart from this one. I've always liked Columbo, though, somehow without even having seen that
much of him. Peter Falk is and has always been the perfect choice for the character, because of his
looks, his voice and his charm. The perfect proof of this is that though the series started all the
way back in 1968, the latest(and probably not last) of the films was made in 2003. That's 35 years.
And Falk was 40 back when he made the first one. The series consists of 68 films(unless my count is
off), all of which are made for TV. Everyone knows the character, even though no one has ever seen a
film featuring him in the cinema. That is quite an accomplishment, if you ask me. The plot is pretty
good. The only problem I have with it is that the killer and murder is revealed at the very
beginning(though that may be the same for all of the Columbo films), leaving no mystery but how
Columbo solves it, making it somewhat dull(since there's not much to look forward to at the end of
the film). The pacing is good, there's hardly a scene where you're bored. The acting is very good,
particularly that of Falk and Ruth Gordon. They have some great exchanges of dialog in the film. The
characters are well-written and credible. The dialog and script is unusually good for a TV-movie.
All in all, the film is, yes, surprisingly good for a TV-movie, and definitely worth watching for
any fan of Columbo and/or crime/mystery flicks. 8/10" ], [ "The movie is a really well made one, which is great and looking and passionately directed. You can
tell that every shot is thought over and executed to perfection. For the lovers of cinema this is
especially a great watch and they especially should be able to appreciate the beauty of it and the
passion for cinema that is being put into it.

It's hard to place this movie under one
label. It's not really a drama, it's not really a thriller and it's not really a comedy. Instead its
more a movie with its own style, that does things its own way. It doesn't necessarily follow the
rules of cinema and features many different elements from many different genres combined.
/>But just like the movie its main character, the movie gets sort of slow and boring in parts. The
artistic style of directing tries to conceal that the story is actually a quite simple one and it's
more as if the movie relied solely on its style and overall atmosphere created by the movie. It
doesn't make the movie horrible or anything but it just prevents it from being a true absolute must-
see. In parts the movie also feels as if it's trying to be too poetic and tries to let the images
speak too much for itself. It just feels a bit overdone in parts, though for most part of the movie
it still works out beautifully.

It features some great camera-work and some unique
storytelling, which makes this an original as well as a great film to watch.

7/10" ], [ "Sure it was well shot and made, very well shot and made! But the story was just so weak. And the
portrayal of Lincoln was even weaker. Not that Henry Fonda wasn't good but the character he played
was nothing but a loon. Do you mean to tell me that Lincoln was a wise cracking smart ass with no
respect of the law or the court. I mean who the hell was he supposed to be? Cousin Vinnie? I mean
come on, \"I'll just call you Jackass then\"???? I understand that Ford was going for great funny hero
guy but I didn't really like this guy at all. He cheats in sports, talks like a real sweet simpleton
and does not seem to know were to sit in a courtroom. How am I supposed to take this seriously./>
The twist was even weaker. I mean come on! That was just stupid. The whole story seemed like
it was thought up by some 5 year old in his or her dreams. Saying that I liked it enough, it was
very entertaining and made me laugh at several occasions so I can't say it's a bad film. In fact I
must say that I must say it's good enough, nothing that entertains me and makes me laugh can be bad
BUT this vivid and silly story was just so ridiculous that I can't understand how anyone could
consider it great.

I have no idea how historically accurate this film was but if any of
it was true I would really have to shake my head." ] ], "fillcolor": "rgba(255,255,255,0)", "hoveron": "points", "hovertemplate": "%{hovertext}

sentiment=1
topn_NSS=%{x}
topn_PSS=%{y}
hover_data_0=%{customdata[0]}", "hovertext": [ 116, 103, 107, 122, 112, 121, 123, 113, 131, 108, 102, 118, 140, 129, 122, 139, 132, 128, 126, 106, 116, 103, 100, 134, 103, 107, 112, 130, 127, 125, 116, 139, 118, 109, 138, 122, 130, 123, 124, 103, 123, 113, 122, 132, 116, 128, 113, 137, 139, 108, 106, 122, 108, 132, 130, 136, 136, 131, 134, 138, 135, 131, 109, 110, 115, 115, 137, 113, 127, 128, 117, 123, 126, 114, 138, 139, 118, 119, 110, 108, 133, 140, 127, 120 ], "legendgroup": "1", "line": { "color": "rgba(255,255,255,0)" }, "marker": { "color": "green" }, "name": "1", "offsetgroup": "1", "orientation": "v", "pointpos": 0, "showlegend": true, "type": "box", "x": [ 0.25656917691230774, 0.24412371218204498, 0.24518728256225586, 0.2487332671880722, 0.259786993265152, 0.24695080518722534, 0.29173314571380615, 0.24416524171829224, 0.24472717940807343, 0.2597310245037079, 0.253080815076828, 0.25114160776138306, 0.2530677318572998, 0.24269938468933105, 0.24504506587982178, 0.24583730101585388, 0.2502903342247009, 0.24445129930973053, 0.2447686791419983, 0.25636154413223267, 0.2515755593776703, 0.24769005179405212, 0.2441428303718567, 0.24373802542686462, 0.25273266434669495, 0.2500639259815216, 0.2524021863937378, 0.2546713650226593, 0.24358907341957092, 0.2448272705078125, 0.24452000856399536, 0.24556943774223328, 0.25119754672050476, 0.24397648870944977, 0.2638496160507202, 0.2442859411239624, 0.25384071469306946, 0.24870452284812927, 0.2546485960483551, 0.25229600071907043, 0.253322035074234, 0.24843715131282806, 0.24497348070144653, 0.2903831899166107, 0.2623487710952759, 0.24800699949264526, 0.26684197783470154, 0.24990135431289673, 0.26775333285331726, 0.24310237169265747, 0.255130410194397, 0.2605532109737396, 0.2449350506067276, 0.2724400758743286, 0.24627912044525146, 0.2731149196624756, 0.2539955675601959, 0.27641063928604126, 0.25441235303878784, 0.2640905976295471, 0.24328425526618958, 0.2707894742488861, 0.24300891160964966, 0.2476041615009308, 0.24288813769817352, 0.27317163348197937, 0.24616111814975739, 0.24290253221988678, 0.2550632357597351, 0.26105090975761414, 0.24910670518875122, 0.2475559562444687, 0.2476848065853119, 0.24282719194889069, 0.24530082941055298, 0.2465486377477646, 0.2463705688714981, 0.2743079662322998, 0.25196412205696106, 0.25801199674606323, 0.2519732713699341, 0.24659611284732819, 0.24901828169822693, 0.2744619846343994 ], "x0": " ", "xaxis": "x", "y": [ 0.23486271500587463, 0.26525813341140747, 0.261714369058609, 0.24940821528434753, 0.2353535145521164, 0.27609142661094666, 0.26118794083595276, 0.24925969541072845, 0.2524280548095703, 0.28623008728027344, 0.2831263840198517, 0.2599475085735321, 0.2696378231048584, 0.26238206028938293, 0.2531333267688751, 0.2762065529823303, 0.2696775794029236, 0.2312784045934677, 0.26220178604125977, 0.2298578917980194, 0.24383343756198883, 0.2472955882549286, 0.23279543220996857, 0.2793405055999756, 0.2372177690267563, 0.2678316533565521, 0.22695285081863403, 0.2302955836057663, 0.255923867225647, 0.2338334619998932, 0.22742563486099243, 0.2585832178592682, 0.27570709586143494, 0.2734883725643158, 0.2873467206954956, 0.26956993341445923, 0.270818829536438, 0.25792455673217773, 0.2725001871585846, 0.25602826476097107, 0.2761926054954529, 0.2717481851577759, 0.2677627205848694, 0.2617400288581848, 0.2489851862192154, 0.231761634349823, 0.2506452202796936, 0.2747950851917267, 0.2437339723110199, 0.25822117924690247, 0.25918370485305786, 0.2753860056400299, 0.25104913115501404, 0.26595163345336914, 0.23105677962303162, 0.28345099091529846, 0.24361495673656464, 0.2415858507156372, 0.2683538794517517, 0.22738470137119293, 0.24838033318519592, 0.26279619336128235, 0.290473997592926, 0.26520803570747375, 0.2464906871318817, 0.2526671588420868, 0.26884016394615173, 0.253570020198822, 0.251712441444397, 0.22839777171611786, 0.229363813996315, 0.28289076685905457, 0.2298060655593872, 0.23346753418445587, 0.2314957231283188, 0.25532400608062744, 0.2529034912586212, 0.32582733035087585, 0.28156933188438416, 0.2555854916572571, 0.24778462946414948, 0.27235350012779236, 0.2641712427139282, 0.2642998695373535 ], "y0": " ", "yaxis": "y" }, { "hovertemplate": "x=%{x}
y=%{y}", "legendgroup": "", "line": { "color": "#636efa", "dash": "solid" }, "marker": { "symbol": "circle" }, "mode": "lines", "name": "", "orientation": "v", "showlegend": false, "type": "scatter", "x": [ 0.2, 0.4 ], "xaxis": "x", "y": [ 0.2, 0.4 ], "yaxis": "y" } ], "layout": { "boxmode": "group", "font": { "color": "#7f7f7f", "family": "Courier New, monospace", "size": 12 }, "height": 800, "legend": { "title": { "text": "sentiment" }, "tracegroupgap": 0 }, "margin": { "t": 60 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "sequentialminus": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "title": { "text": "Distribution of high complexity reviews on the PSS-NSS plane" }, "width": 800, "xaxis": { "anchor": "y", "domain": [ 0, 1 ], "title": { "text": "Negative Sentiment Score (NSS)" } }, "yaxis": { "anchor": "x", "domain": [ 0, 1 ], "title": { "text": "Positive Sentiment Score (PSS)" } } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "explore_high_complexity_reviews(df_slice)" ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [ { "data": { "application/vnd.plotly.v1+json": { "config": { "plotlyServerURL": "https://plot.ly" }, "data": [ { "alignmentgroup": "True", "boxpoints": "all", "customdata": [ [ "In 1974, the teenager Martha Moxley (Maggie Grace) moves to the high-class area of Belle Haven,
Greenwich, Connecticut. On the Mischief Night, eve of Halloween, she was murdered in the backyard of
her house and her murder remained unsolved. Twenty-two years later, the writer Mark Fuhrman
(Christopher Meloni), who is a former LA detective that has fallen in disgrace for perjury in O.J.
Simpson trial and moved to Idaho, decides to investigate the case with his partner Stephen Weeks
(Andrew Mitchell) with the purpose of writing a book. The locals squirm and do not welcome them, but
with the support of the retired detective Steve Carroll (Robert Forster) that was in charge of the
investigation in the 70's, they discover the criminal and a net of power and money to cover the
murder.

\"Murder in Greenwich\" is a good TV movie, with the true story of a murder of a
fifteen years old girl that was committed by a wealthy teenager whose mother was a Kennedy. The
powerful and rich family used their influence to cover the murder for more than twenty years.
However, a snoopy detective and convicted perjurer in disgrace was able to disclose how the hideous
crime was committed. The screenplay shows the investigation of Mark and the last days of Martha in
parallel, but there is a lack of the emotion in the dramatization. My vote is seven.
/>Title (Brazil): Not Available" ], [ "

\"Lets swap Murders- your wife, my father\"- seemingly innocent conversation between two
strangers - Bruno Anthony and Guy Haines when they meet over lunch on a train journey. Guy, a solid,
respectable tennis player, whose problem is that his wife, the flirtatious Miriam, won't divorce him
so he can marry senators daughter Anne, laughs the whole conversation off as a joke. The following
week he isn't laughing any more. In a scene of classic Hitchcock suspense, Bruno stalks Miriam
through a carnival and strangles her. As he does, her glasses fall off and we see the murder eerily
reflected twice through her lenses. Cold hearted and amoral Bruno, his part of the deal completed,
approaches an appalled Guy expecting, even pressuring him into 'doing his bit.' Matters are not
helped when Anne's precocious and outspoken younger sister turns up suspecting Guy of Miriam's
murder. So accused of a murder he didn't commit and expected to commit another, what is Guy going to
do? The power of this film is in the presentation of human beings as having a murderous side to
their nature - and this Hitchcock does to perfection." ], [ "Shirley MacLaine in another tailor-made role. As the aunt to a single mom in a 1962 working-class
Chicago neighborhood, the veteran character actress gets another work-out as a gutsy woman who won't
let any set-backs defeat her spirit of success. The children, a pre-teen boy and girl, are drawn to
their spirited Aunt Zoe, although the many magic tricks and practical jokes learned from her, and
applied at all the wrong opportunities eventually get them expelled from school.

The plot
is cleverly enveloped in the Cuban Missile Crisis, with all of the social implications. Men building
bomb shelters, people watching news programs on what seemed to be the only TV set, at a diner, and a
general mist of uneasiness and fear in the air. When a \"harmless\" miracle is blown out of
proportions, the climactic conclusion nonetheless makes the viewer feel good. Yes, Virginia, the sun
will come up tomorrow! Clearly a small-budget production, this is still a sweet little film, filled
with the magic that Sunday Matinees were made of. With a few choice \"Oldies\" thrown into an
effective Sound Track, the whole family is sure to enjoy this one.****" ], [ "This searing drama based on a true incident concerns several ambitious African nationals who decide
to temporarily leave their families by stowing away on an outbound ship. They think that if they
successfully make the voyage they can better their lives by making enough money in New York to send
for their families. Unfortunately for them, the ship that they select is a rundown Russian freighter
which has already been heavily fined at a previous port for harboring stowaways. The captain and the
first mate are determined not to let this happen again as their jobs are on the line. The group of
blacks begin their harrowing voyage in the cargo hold and are eventually discovered, forced out of
hiding and murdered by the ruthless mate (an outstanding performance by Sean Pertwee.) A few
(convincingly terrified leader Omar Epps among them) manage to temporarily escape and are
mercilessly pursued through the ship with their lives forfeit if they are caught. Altogether a
riveting film which will have audiences biting their nails and gritting their teeth wondering how
such dire events could take place in modern civilization." ], [ "Saturday June 3, 6:30pm The Neptune

Monday June 5, 4:30pm The Neptune

Few
celebrations of ethnic and cultural identity succeed as mightily as Carlos Saura's brilliant
interpretation of Isaac Albeniz' masterpiece Iberia Suite. At the approach of its centennial, Saura
drew together an unprecedented wealth of talent from the Spanish performing arts community to create
this quintessential love song to their homeland. The twelve \"impressions\" of the suite are presented
without narrative in stark surroundings, allowing the power of each performance to explode before
Saura's camera. Creative use of large flats and mirrors, moved throughout the set, combined with
screens, shadows, fire, rain and rear projection add glorious dramatic effects to the varied
selections of song, dance and instrumental performance. Photographs of Albeniz reappear throughout
the program, connecting the passion of the music to its great creator. Saura encompasses all
Spaniards on his stage from the beautiful elegance of elderly flamenco dancers in traditional
costume to children joyously dancing with their instructors." ], [ "It carries the tone of voice that narrates the book into the jungle of Vietnam and into the wild-
eyed look of Martin Sheen and Dennis Hopper and the mystical morbidity surrounding Colonel Kurtz.(I
don't say Marlon Brando because after watching the documentary, \"Hearts of Darkness,\" I am skeptical
as to how much credit Brando is due for that quality). The tone of voice I'm talking about is
brooding and dramatic without being overbearing: \"Everybody gets what he wants. I wanted a mission,
and for my sins they gave me one. They sent it up with room service.\" It is indulgent without being
narrow and alienating. A good example of is Hopper's indulgence into aphoristic madness, generously
installing lines written by T.S. Eliot and Rudyard Kipling into his stony monologues: \"I mean, the
man's a genius—sometimes he'll walk right by you without even saying a word, and sometimes he'll
grab you by the collar and say \"did you know that 'if' is the middle word in 'life'…if you can hold
your head while all around you they are losing theirs\" and then \"I mean he's a wise man, he's a
great man; I should have been a pair of ragged claws scuttling across the floors of silent seas\"
(The first one's Kipling, the second one's Eliot." ], [ "Sheba Baby, is another Pam Grier Blaxploitation film. It was one of Pam's less visceral films of
this genre. Pam plays Sheba Shane, who's a Chicago gumshoe. Sheba's father is the owner of a small
loan company, in Missouri. When local mobsters try to run her father of of business, Sheba goes
after the bad guys.

Pam Grier had already made her mark in Blaxploitation films, by the
time Sheba Baby came along. Fans of both Coffy and Foxy Brown, know that Pam is capable of an
explosive intensity as an actress. In Sheba Baby, the fiery performance that viewers had come to
expect from Pam, wasn't as evident in this film. Not that Pam doesn't kick-butt in Sheba Baby. She's
just not as much of a runaway-train vigilante, as she was in her previous Blaxploitation films./>
The supporting cast in this film, are a distinct disappointment. So Sheba Baby is Pam's
film, through and through. And though Pam's a bit more subdued than in her other films, she still
gives a compelling performance in Sheba Baby. This film is definitely worth your time, if you're an
ardent Pam Grier fan." ], [ "This is an absurdist dark comedy from Belgium. Shot perfectly in crisp black and white, Benoît
Poelvoorde (Man Bites Dog) is on fine form as Roger, the angry, obsessive father of a family in a
small, sullen Belgian mining town. Roger is a photographer who, along with his young daughter Luise,
visits road accidents to take photos. He is also obsessed with winning a car by entering a
competition where the contestant has to break a record - and he decides that his son, Michel, must
attempt to break the record of perpetually walking through a door - he even hires an overweight
coach to train him. Michel dresses as Elvis and has a spot on a radio show called 'Cinema Lies',
where he describes mistakes in films. Luise is friendly with near neighbour Felix, a pigeon fancier.
Roger is a callous figure as he pushes Michel right over the limit during the record attempt, which
almost results in his death. Interspersed throughout the film are Magritte-like surreal images. It's
undeniably charming and well worth your time." ], [ "As Most Off You Might off Seen Star Wars: Return Off The Jedi You May Knows Its A Good Movie But As
You Might Have Seen On Video They M|might have a party At The end And They Just Probably End The
Movie with the party with no a spirits or anything But on the original one (Live TV) When they are
Partying But before i say more when Ben obi-wan dies in the Imperial Ship Or Death Star They Saw him
Disappear And Yoda Dies From Either Old Age Or Internal Illness But because Luke killed Darth Vader
(Real Name: Anakin Skywalker) When They All Are Partying At The end when Luke Or Someone Stops the
Spirits Off Ben And Yoda Stands Starring At Him And Smiling While Another Spirit Appears Is its
Darth Vader but not as A Sith As The Old Usual Selve off Him And Started Smiling with Ben And Yoda I
reckon That made the movie ending a little bit interesting But the Producers or anyone should off
made a spirit off Padme And Mace Windu And Other Jedis that got killed with Younglings Under There
Arms in the back ground" ], [ "I saw this film when it was released to the minor cinemas in the UK some 50 years ago; and the
memory remains of a great musical score, and the tragedy of the storyline. I saw it again on video
recently. The sound track was poor and the picture grainy; but it is one of two films that I saw
again the next day, the other being Gladiator. The music theme is intensely tragic, and from the
outset one knows that it heralds failure or death. Certainly one of George Sanders best
performances; as a man working the black market to get pay back for what he lost in the war, but
nemesis waits; Patricia Roc plays a refugee from Eastern Europe eaten with despair. He is attracted
to her, selflessly wants to help her, and then falls in love with her, but she is too proud and hurt
to accept help. Their love destroys him, and inevetably the girl and the doctor (Herbert Marshall),
who brought the nemesis. The storyline is of complex intertwining destinies, where subsidiary
characters are not who they appear to be. This is as a film, which diappointed the critics and
struggled at the box office; but for the adolescent who saw it, and the retired gentleman who saw it
again it is one of the greatest films (taking into account its age)whose story is more akin to an
opera." ], [ "For Romance's sake, as a married man. The following two films are recommended.

1. Brief
Encounter by David Lean (1945), UK

Well, when a woman goes to a railway station,
something may happen. And it happened! How she longed to be there, in a little tavern waiting for
the man of her dreams. But she was married... the man was a stranger to the fantasizing woman/>
2. Xiao Cheng Zhi Chun by Fei Mu (1948), China

Well, when a woman goes to the
market to buy fish, grocery and medicine, passing through the ruins of an ancient wall in a small
town, there is much to think about, about the melancholy of her life, her sick husband in self-pity
and lack of future...Just when a jubilant young doctor arrived, something happened... the doctor was
a high school honey of the fantasizing woman

In both movies, from great directors of UK
and China, the passion vs restraint was so intense, yet in the end the intimate feelings had not
developed into any physical contacts. That leaves you with a great after-taste, sniffing it
intensely without biting it." ], [ "Long before Tim LaHaye and Jerry B. Jenkins would shake the world of the Christian subculture (and
make millions in the process) with the LEFT BEHIND books, MARK IV Pictures, the Christian film
distribution company of the Billy Graham evangelistic association, gave us this masterwork. What I
love most about this genre is its incredible attention to detail, sitting in a living room. Instead
of taking us to the dramatic scenes of this \"post-rapture\" tribulation, we sit in the living room,
hearing about it on the news because the filmmakers can't afford to show it. The film's premise is
grounded in Pre-Millenial, pre-Tribulation eschatalogy, believing that Christ comes once for the
secret taking of the true church, and then comes again at the end of the seven years of hell on
earth. What used to terrify me in junior high now makes me laugh. The intriguing adventures of Patty
and her journey throughout the tribulation (and two of the film's three sequels) tells her
remarkable story of unbelief and ultimately damnation. I hate to admit it, but I still thoroughly
enjoy watching this. It even has the SAME EXACT score of Monty Python and the Holy Grail. I think
I'm the only person in history to make that observation." ], [ "The sitcom revolved around a girl who must learn to be responsible for her own actions. As she had
the power of magic, she often used it to try to help her loved ones or herself, frequently resulting
in literal puns that are often disastrous and always humorous.

The program began with
Sabrina's adventures in high school in the fictional town of Westbridge, located near Boston,
Massachusetts (as opposed to Greendale in the comics). In the series' later seasons, Sabrina
graduated from high school and enrolled in college, then moved on to her attempts to live on her own
and keep a job at the local newspaper. Breaking further from its comic roots, the show ended with
Sabrina's wedding, although, in the end, she abandoned the wedding and ran off with Harvey.
/>Many episodes involve Sabrina getting to meet, through natural or supernatural means, popular
real-life musical artists of the time, including Coolio, the Violent Femmes, the Backstreet Boys,
Phantom Planet, Davy Jones of The Monkees, Britney Spears, Avril Lavigne, Daniel Bedingfield,
Hanson, Eden's Crush, Savage Garden, 'N Sync, and Ashanti. Course of Nature, the band of Melissa
Joan Hart's then-boyfriend (now husband) Mark Wilkerson, appeared in an episode in 2002." ], [ "In 1996's \"101 Dalmatians,\" Cruella De Vil was arrested by the London Metropolitain Police (God
bless them) for attempting to steal and murder 101 puppies - dalmatians. All covered in mud and hay,
she spent the next 4 years in the \"tin can.\" Now, 4 years later, she, unfortunately, was released
from the jail. I say, that's about 28 years - in dog years!!!!!

So, in 2000, Disney
decided to release a sequel to the successful live-action version of the classic film and it is
hereby dubbed \"102 Dalmatians.\" In it, there is a 102nd dalmatian added to the family (Oddball is
the name, I think; I should know this since this was just shown on TV recently), and the puppy had
no spots!!!!! Also, while Cruella (again played by Glenn Close) has escaped again, she wanted a
bigger, better coat - made once again out of the puppies!!!!!

I especially liked the
theme song - I'm sure everybody loves the \"Atomic Dog\" song from the 70s or so. And now, we hear a
bit of it in this movie!!!!!

\"102 Dalmatians\" is such a great film that I keep on
wondering - WHEN WILL THERE BE A \"103 DALMATIANS?????\" LOL

10 stars" ], [ "Gloria Swanson (as Leila Porter) is an understandably bored wife. Workaholic husband Elliott Dexter
(as James Denby Porter) has \"lost his romance\" along with his waistline; he also smokes cigars in
bed, eats onions, and snores. He can barely remember his own anniversary - which is attended by
caddish Lew Cody (as Schuyler Van Sutphen); the younger man eyes Ms. Swanson's voluptuous figure,
and flirts unabashedly. Soon, Swanson is drawn to Mr. Cody. Then, Mr. Dexter decides to try and get
her back. Who will win?

The three principals are fine, with Swanson most impressive in
the pivotal role as the woman torn. Julia Faye grabs supporting honors as Cody's other interest,
\"Toodles\"; off-screen, she tempted director Cecil B. DeMille. The DeMille touch is evident;
especially in an imaginary sequence wherein Cody promises Swanson... \"Pleasure… Wealth… Love…\" />
******* Don't Change Your Husband (1/26/19) Cecil B. DeMille ~ Gloria Swanson, Elliott
Dexter, Lew Cody" ], [ "\"Female Convict Scorpion - Beast Stable\", the third in the series, is a magnificent piece of pulp
sleaze. Closer in tone and subject to a Nikkatsu violent pinker than other Scorpion entries, it is
stunningly photographed, directed with lurid enthusiasm, and populated with a rogue's gallery of
villains and degenerates. Shinya Ito, the director of the first installment, returns for this
surreal fable which begins with Scorpion (Meiko Kaji) cutting the arm off a cop she is handcuffed to
and fleeing into the Tokyo subway with said arm still swinging from her wrist. She takes refuge in a
red light district where she befriends a prostitute, who is first seen seen having incestuous
intercourse with her brother (who ends up impregnating her). Scorpion's desire to protect this
unfortunate woman eventually exposes her identity and all hell breaks loose. She is beaten, sexually
assaulted, and locked inside a bizarre bird cage in the villain's lair. I loved everything about
this hypnotic, nihilistic, and emotionally touching movie. It is the superior of the three first
Scorpion films and features one great scene after another. I can't recommend it highly enough." ], [ "Almost 30 years later I recall this original PBS film as almost unbearably tender. Periodically, I
check here at IMDb hoping that someone has had the good sense to purchase the rights and put it on a
DVD. It's September of 2004, and I keep hoping -- deep sigh.

One of the two lead actors
went on to a small career primarily in a prime-time evening soap; the other, Frances Lee McCain, was
seen in small roles here and there for a few years. But nothing they did before or after ever
matched this little movie which was produced, as I recall it, on a short-lived PBS series which
showcased original screenplays by new and up-and-coming playwrights.

I watched it every
time it was shown on PBS, maybe 2 or 3 times. That was before the era of VCRs, so I have no record
of it, except in my mind's eye.

12/31/2006 addition to above: Happy New Year, ladies!
This wonderful film is finally available on DVD at ladyslipper.org. My understanding is that the
DVDs are burned from the writer's own personal copy." ], [ "Thursday June 15, 9:30pm The Egyptian

Saturday June 17, 11:00am The Egyptian
/>\"He spent most of his life in pursuit of a good time, and he caught it.\" - Eric Idle
/>Harry Nilsson left Brooklyn, \"…feeling like Holden Caulfield. I was fifteen.\" Eventually, he ended
up working as an usher at the LA Paramount and within a few years fell back asswards into one of the
greatest songwriting careers in the history of American music. 'Who Is Harry Nilsson (And Why Is
Everybody Talking' About Him?)' chronicles the legendary life of \"… the best songwriter of our
generation.\" Writer/Director John Scheinfeld produces a 'who's who' of musical royalty, from Brian
Wilson and Al Kooper to Paul Williams, Randy Newman and Ray Cooper, \"His voice was a medical
instrument. It would heal you.\" Assorted archives include his 1969 appearance on 'Playboy After
Dark' and Nilsson's BBC special. The John Lennon, brandy Alexander, Smothers Brothers at the
Troubadour comeback-show heckling debacle is one memorable recounting among so many they seem to
virtually squeeze Nilsson's enchanting music out of this comprehensive and bitter-sweet bio-doc./>
\"He was a wonderful perpetrator.\"

\" … I woke up three days later, getting a
massage in Phoenix.\"" ], [ "Wilhelm Grimm (Alexander Knox) stands trial for Nazi crimes. Three witnesses give evidence - Father
Warecki (Henry Travers), Wilhelm's brother Karl (Erik Rolf) and Wilhelm's former lover Marja (Marsha
Hunt) - before Wilhelm speaks in his own defense. The film ends after the court sums up....
/>The film is told in three flashback segments as each of the witnesses takes the stand. The story
is mostly set in a small Polish village and memorable scenes include the village reaction to the
death of Anna (Shirley Mills), who Wilhelm is accused of raping; the treatment of the Jewish
villagers as they prepare to be moved to concentration camps; and the church service where Willie
Grimm (Richard Crane) denounces his Nazi upbringing whilst mourning for his girlfriend Janina
(Dorothy Morris), Marja's daughter, after she has been shot at a brothel.

Throughout the
film, Knox is unrepentant and is very convincing as a bitter, resentful and evil man. Martha Hunt
has some powerful moments and matches him with her strength and Henry Travers is also very good in
his role as a priest. This film delivers an effective story that stays with you once it has
finished." ], [ "If you have trouble suspending disbelief then this isn't for you. Consider: a woman already in late
middle age finds a newborn baby in a cabbage patch and raises it as her own. Think about it; she
makes no attempt to locate the mother, who may well be a confused teenager in need of medical
treatment and seemingly no one from the Italian equivalent of Social Services makes any attempt to
put the baby into 'care' (no Social Services? now I KNOW it's a fantasy). Before you know it young
Toto is ten or so and his adoptive mother dies leaving him to the orphanage from which he emerges a
HAPPY man who loves everybody. In nothing flat he has not only given his suitcase to the man who
stole it from him but organised the local homeless into bona fide Shantytown residents and for an
encore he leads them in a fight against capitalism in the shape of the businessman who buys the land
on which the Shantytown stands when oil is discovered there. This wants some swallowing without the
subsequent 'miracles' beginning with Toto's dead mother (the old lady who raised him rather than his
biological one) appearing to him and handing him a dove which doubles as a magic wand allowing him
to grant modest wishes and a finale in which the hobos fly away to a better place located presumably
somewhere over the rainbow.

On the other hand the film is up to here with Charm and is
easy to surrender to. On balance a small masterpiece." ], [ "The year is 1964. Ernesto \"Che\" Guevara, having been a Cuban citizen for the last five
years,disappears from the face of the Earth,leaving a glum Fidel Castro to announce that he is
probably dead,when in truth, he has left Cuba to move to Bolivia to live an assumed identity. Whilst
living in La Paz,Guevara undertakes an idea to overthrow the corrupt,bourgeois government there.
Once again,Steven Soderberg takes up where 'Che:Part One' leaves off (only better this time). The
pacing is more on target,the job of acting is ever so fine (including a turn by a sickly looking
Benecio Del Toro,as Che Guevara). Suffice it to say,it's probably best if you see both films,to get
the true story of Guevara & what kind of a man he was (I had the rare open window of opportunity to
see both films at one screening----talk about a long haul!). As with 'Che-Part 1:The Argentine',this
film has no MPAA rating, but contains enough salty language & violence to easily snag it an 'R'." ], [ "Passion In The Desert exemplifies spatial grander. It is a visual narrative, illuminated by the
magnificent cinematography. Passion was filmed on location in the deserts of Jordan, Egypt, Morocco,
Namibia, and Tunisia.

We are in Egypt, 1798. Augustin, a Napoleanic soldier, is
escorting writer and artist Jean-Michel Venture De Paradis on an official mission to document,
measure, draw, and paint the cultural landmarks of the Egypt: its dunes, stupendous ruins, and
mysterious people.

But, can you truly \"document\" majestic sandscapes, fractured
edifices, and wild Bedouins? Can you truly capture the essence of Egypt, nature, man, and time?/>
Jean and Augustin become lost in the mesmerizing glittering, gold desert, whose vastness
overwhelms their senses.

\"You can't get lost in Egypt! There's the Nile, and there's the
sea!\", says the dehydrated Augustin, and soon he discovers an ancient, winding cave that leads to a
palatial ruin.

Delirious and near-delusional, he attempts to rest; a perplexing sound
rouses him; his eyes, body, and emotions become hypnotically locked in time as he stumbles into a
sensual, sensory experience....

A wild, sleek female leopard stares back at him, and
their love affair begins....

A daring love affair, a daring film." ], [ "The End of Suburbia neatly collects many of the concerns with the coming \"Peak\" of the world's oil
supply. As the world population grows, so does demand for oil and power. As we extract oil and
power, we come to a \"peak\" in production. More oil is demanded, less oil is generated. The
inevitable outcome is conflict, and major change.

This film will be disturbing, and
alarming if you're new to the topic. You may react at first with anger and denial because the
implications are so grim. It should be required viewing. Beyond politics, beyond optimism, the math
is undeniable.

Suburbia is the focus, because our suburban living areas will be the
communities most impacted when the price of energy skyrockets. While intuitive logic would tell you
that the big cities will be the places to avoid during a time of crisis, the spread out nature of
suburbia will make it difficult if not impossible to maintain an efficient community without our
vehicles to transport us.

Peak oil is no longer a topic for discussion by survivalists
and backwoods crazies. This issue will be at our doorstep sooner than we think. This film is a
lucid, coherent look at it." ], [ "Story of a strange love and a fall desire. Poem about beauty and his perfection, fear and touch.A
slice of Visconti, Mahler and Mann. And an agonize Venice. Idon't know if it is a masterpiece, a
poem or the reflection of a film director's world. It is, absolutely, a\" memento mori\". and a
exploration of illusion. A old mirror of limits, signs and death's delicacy. A trip in an old space,
nostalgic, cruel and splendid. \"Death\" is a Orfeu's trip copy in the immediate reality. And the
essence is the music. A soft, sweet music, like honey or winter's fire. Like every regret and every
sorrow. Like a refuge in deep solitude. Gustav is gay by accident. He is the Researcher of last form
of God's presence. The Beauty, that beauty who gives life's sense, who is sin and virtue in same
time, the gift of expectations and sufferings. He dies because he has right to hope, to believe in
the reality of miracle and in his way. A victim? No way! Only Tadzio may give the freedom like an
insignificant sacrifice. Who saw the sun can hope to live in same condition?" ], [ "This is the fourth full-length feature film by Marc Recha. By the third 'les mans buides' -Empty
hands- I promised myself not to cut my veins anymore. But this time round the plot is completely
different -a kind of homage to Ramon Barnils (Sabadell 1940 - Reus 2001) a Catalan journalist-. The
visuals in the trailer are stunning -a gleaming river bathed in sunlight- and the promise that Marc
himself would be in front of the camera with his twin brother -none of both professional actors-
convinced me at last, six weeks after its release. Abandon yourself in this very unusual road/river
film. Learn almost nothing about Ramon Barnils but his most poignant legacy: his constant fight
against amnesia of what we Catalans chose to forget. 'La batalla de l'Ebre' -look for Battle of the
Ebro at the wikipedia- was lost not once but twice because after 40 years of silence and 25 years of
half-hearted democracy nobody has done much to remember the legitimate side of the Spanish civil war
and those who fought it. This film is about the lonely people roaming the same places with very
little conscience of what took place there 70 years ago. This film is about the landscape." ], [ "I ran across this movie at the local video store during their yearly sidewalk sale. While scanning
thousands of videos, hoping to find a few cartoon movies for sale, I came across this movie. I read
the back of the movie and knew it was God's hand at work for me to purchase this movie. You see, I
have a sibling group of three foster (and soon to be adopted) children living with my family.
Immediately my foster children made a connection with the three children starring in the movie. The
movie helped them better understand their own circumstances. For the first time, also, the oldest of
the sibling group (7 year old/female) decided to open up to me a little bit about her past and the
trauma she had experienced. She has been fighting the entire trust issue. This is also the first
time I had seen her cry. After watching the film, I asked her what it meant for a child to be
adopted. She replied, \"It means to be happy.\" A must see for families who are fostering children and
are considering adoption. It certainly opened the lines of communication with us." ], [ "this isn't 'Bonnie and Clyde' or 'Thelma and Louise' but it is a fine road movie. it sets up its two
main characters gently and easily. viewers learn the underlying tensions quickly, which is a tribute
to the director. there is the young french (and English) speaking son who wants to do well in
France, has a french girlfriend and who drinks alcohol, parties as young men do. And there is his
moroccan arabic (and french) speaking father who devoutly follows his Muslim faith, with generosity
and the wisdom of elders and who rejects the new culture surrounding him (like mobile phones). the
film could explore very powerful politics - the odd couple drive thru the former Yugoslavia, thru
Turkey and then thru the Middle East to get to Mecca. these are areas where the Muslim populations
have been involved in wars, repression, ethnic cleansing; where dictators have pursued torture and
summary executions to hold power and where religious communities are in constant deadly battle with
each other. yet the film moves thru those places and possibilities with only hints of such agendas.
the relationship between the two is key to this film, and faith, politics are the backdrop. it seems
to be saying that we are all human, and need to understand and care for each other in order to
manage well in this world. it certainly isn't 'Natural Born Killers' and is all the better for it." ], [ "It's so rare to find a literary work adequately translated to the screen that I may have rated this
film higher than it deserves, but not by much. As a long-time student of Vonnegut's works, I have no
hesitation in recommending the film to his readers, at least to those that love him as I do. The
casting is inspired: Nolte is understated in triumph, bewildered in defeat, decisive in judgment.
Sheryl Lee is luscious throughout, but her handling of the treacherous Resi and her tragic crescendo
almost makes you forget her beauty. Alan Arkin delivers a totally lovable, but equally treacherous,
Soviet spy.

Do not feel you have to read Mother Night to appreciate the film; though, if
you haven't read Mother Night, you will probably want to after viewing the film.

Notice
the shifts from color to black-and-white and back again, and don't miss the final symbolism of
Campbell's noose. Watch, also, for Kurt Vonnegut's cameo near the end of the film.

Bing
Crosby's \"White Christmas\" will never sound the same (I write in mid-December, when the song is
getting heavy radio play, and it's driving me nuts)." ], [ "Meryl Streep may be the greatest actor working today. Her chameleonic portrayals never fail to
astonish; she seems actually to be the characters she brings to the screen. In \"One True Thing,\" she
gives life to a deceptively straightforward, profoundly complex woman doing her best to play the
hand life has dealt to her. Surviving with cancer is no easy task, and not just surviving but
actually continuing to live one's life is even harder--and this is precisely what Kate Gulden
(Streep) means to do. Renee Zellweger (\"Jerry Maguire\") not only holds her own in this exalted
company but shines as Streep's daughter, who learns to see in a new light her parents' lives as well
as her own. Streep is a powerhouse and deservedly received an Oscar nomination for her work here;
her \"I'm only going to say this once\" dialogue with Zellweger will leave you devastated. Zellweger,
though, is the real revelation--her face conveys every emotion, every conflict as she begins to
learn the many truths about her parents' strengths and weaknesses. Director Carl Franklin (\"Devil in
a Blue Dress\") handles the extremely difficult story material with sureness and delicacy." ], [ "John Wayne's first starring role just blew me away. Televised letterbox style on AMC, I had to check
and make sure I had the right date. Sure enough, this 1930 film was made using a 55 mm wide-screen
process. Aside from that, it features some of the grittiest, most realistic footage of the trek west
I've seen. Wagons, men and animals are really lowered down a cliff face by rope. Trees are chopped
by burly men -- and burly women -- so the train can move another 10 feet. The Indians are not the
\"pretty boy\" city slickers who portrayed them later; they're the real deal. A river crossing in a
driving rain storm is so realistic, it has to be real (In fact, I understand that director Raoul
Walsh nearly lost the entire cast during this sequence). I could smell the wet canvas. Each day is
an agony. The various sub-plots are forgettable but the film as a whole is not. I can't think of
another title that can beat The Big Trail in evoking a sense of living history on the trail to
Oregon. Bravo." ], [ "The film opens in a stuffy British men's club full of gents in leather chairs smoking cigars. This
is Denistoun's world. A messenger delivers a small box to him which he opens to find a pair of gold
earrings. The site of the earrings sets off a reminiscence about the time he spent in the company of
gypsies. The rest of the film is flashback.

Golden Earrings has been a long time favorite
of mine and is probably the most romantic movie I know. Dietrich plays against her usual type. Here
she's dark-haired, earthy and not in the least bit mysterious. Instead of a femme fatale, she'a
tower of strength and energetically sets out to use all her resources to help Denistoun survive and
reach his goal. To make sure that he's a really convincing gypsy, she pierces his ears and has him
wear her dead lover's golden earrings. With his clothes and some grease, she transforms him from an
effete British gentleman into a wild and sexy looking man.

When I was growing up I used
to hear the song \"Golden Earrings\" which is sung in the film. I think the tune is hummed a little by
Dietrich. /There's a story the gypsies know is true /That when your love wears golden earrings /She
belongs to you." ], [ "The great James Cagney, top-billed in big letters, doesn't show up till the movie's second third,
and probably has less screen time than Dudley Digges, who plays the eee-vill reform-school
potentate. But when Jimmy arrives, as a deputy commissioner of something-or-other out to reform
reform schools, he slashes the air with his hands and jumps on the balls of his feet and spits out
punchy Warners-First National dialogue with all the customary, and expected, panache. The psychology
in this crisp antique, one of Warners' many efforts to assert its place as the \"socially conscious\"
studio, doesn't run deep: Digges is bad just because the script requires him to be, and there's the
quaint notion that juvenile delinquents will turn into swell kids if they're just given a dash of
autonomy. But it's made in that spare, fast style that the studio specialized in, and it never
bores. Frankie Darro, who got into all kinds of onscreen trouble during a brief tenure as Warners'
favorite Rotten Street Kid, is an ideal JD -- a handsome, charismatic toughie with a pug nose and a
hate-filled stare that could wither steel. No kid actor today can touch him." ], [ "This film has a rotting core of flexible morality, and yet a quirky sense of justice. So many of the
regular Joes among us would love to \"stick it to the MAN\". The \"MAN\" in this case is represented by
several different characters. Mr. Keller, who Carla reports to at her office. Later, Paul owes 70
large to Mr. Marchand the club owner. And then there is Paul's Parole Officer. There seems to be so
much question about this last character's side story. Reviewers point it out as a weakness in an
otherwise well crafted subterranean game of ping-pong between our two protagonists, escalating tit-
for-tat until their lives change dramatically. They are beholden to each agent of the \"MAN\". One or
both could be fired, killed, or imprisoned if they don't do as they are told.

The film
has a sense of relief at the end. Carla finally gets laid. Her boss is forced out for being a jerk.
Mr. Club Owner is a pulpy mess in his own bathroom. They get the $money$. And... they need not worry
about reporting in to the Parole Officer, because HIS moral weakness leads him to stash his
wandering wife in the basement (or whatever the police found to arrest him). It is a critical
subconscious trigger to the lock tumbler that wound us up so tight. Never mind that someone else may
get Paul's file later to supervise his release; for the moment they are free! They might even get
away with it!

Woohoo...

They STUCK IT TO THE MAN!" ], [ "This movie resonated with me on two levels. As a kid I was evacuated from London and planted on
unwilling hosts in a country village. While I escaped the bombing and had experiences which produced
treasured memories (for example hearing a nightingale sing one dark night for the very first time)
and enjoying a life I never could have had in London, I missed my family and worried about them. Tom
is an old man whose wife and child have both died and who lives alone in a small country village.As
an old man who is now without a wife whose kids have gotten married and live far away in another
province, I am again sometime lonely. The boy's mother is a religious fanatic with very odd ideas of
raising a child. Since a deep affection has grown between old Tom Oakley and this young lad, Tom
goes in search of him and finally rescues him from very odd and dangerous circumstances. At the end
of the story there is great tension since due to some bureaucratic ruling it seems that the child is
going to lose someone who has developed a loving relationship with him." ], [ "Superb. I had initially thought that given Amrita Pritam's communist leanings and Dr Dwivedi's
nationalist leanings film will be more frank than novel but when I read the novel I was surprised to
find that it was reverse.

Kudos to marita Pritam for not being pseudo-sec and to Dr
Dwivedi to be objective. This movie touches a sensitive topic in a sensitive way. Casualty of any
war are women as some poet said and this movie personifies it. It is also a sad commentary on Hindu
psyche as they can't stand up against kidnappers of their girls or the Hindu Brother who can only
burn the fields of his tormentor. On the other hand it also shows economic angles behind partition
or in fact why girls were kidnapped in the first place. I think kidnappers thought that by
kidnapping girls they Will become legal owners of the houses and thus new govt. will not be able to
ask them to return the houses. This apart one has to salute the courage of characters of Puro and
her Bhabhi they are two simple village girls unmindful of outside world and risk everytihng by
trying to come back after being dishonored . Because there are many documented cases when such women
were not accepted by their families in India.

No wonder that it required a woman to
understand the pains of other women." ], [ "William Hurt may not be an American matinee idol anymore, but he still has pretty good taste in
B-movie projects. Here, he plays a specialist in hazardous waste clean-ups with a tragic past
tracking down a perennial loser on the run --played by former pretty-boy Weller-- who has been
contaminated with a deadly poison. Current pretty-boy Hardy Kruger Jr --possibly more handsome than
his dad-- is featured as Weller's arrogant boss in a horrifying sequence at a chemical production
plant which gets the story moving. Natasha McElhone is a slightly wacky government agent looking
into the incident who provides inevitable & high-cheekboned love interest for hero Hurt. Michael
Brandon pops up to play a slimy take-no-prisoners type whose comeuppance you can't wait for. The
Coca-Cola company wins the Product Placement award for 2000 as the soft drink is featured throughout
the production, shot lovingly on location in a wintery picture-postcard Hungary." ], [ "During World War II, two Byelorussian (Soviet Russian) soldiers try to avoid being captured by
occupying Nazis, as they trudge through snowy terrain, searching for food and safety. If you happen
not to like black-and-white \"foreign\" films, you may still enjoy \"Voskhozhdeniye\" (retiled in
English \"The Ascent\"). Director Larisa Shepitko paces the film extraordinarily well, despite its
being a largely introspective piece of work. Her untimely death, in a car accident, made this Ms.
Shepitko's final film, unfortunately.

After the opening mission is declared, there
doesn't seem to be much that could happen in the snowy woods, but Shepitko and a changing setting
make it unexpectedly exciting. Leading players Vladimir Gostyukhin (as the spiritually wounded
\"Rybak\") and Boris Plotnikov (as the physically wounded 'Sotnikov\") successfully avoid being crushed
by the ever increasing symbolism. Their allegorical performances, under Shepitko's sharp direction,
provide a memorable and thought-provoking take on a familiar story.

********
Voskhozhdeniye (4/2/77) Larisa Shepitko ~ Vladimir Gostyukhin, Boris Plotnikov, Lyudmila Polyakova,
Anatoli Solonitsyn" ], [ "Yesterday I watched this movie for the third time. It was recommended to me by a fried several weeks
ago. I never watched or even noticed it before, because it falls (so typically) in the category
\"Swedish Movie\" and those who rose up (like me) with Hollywood productions tend to be sceptical of
any foreign movies. Hell what a paradigm shift! The film touches me, because it just keeps up my
hope, that mankind can change to a better way. The Swedish village is just a pattern for all areas
on earth where people live together - controlled by religion, misunderstandings, lack of courage,
predictions, disguised brutality, but also the ability to have fun, to meet, to sing... It takes a
trigger from outside to rip off the masks of everyone (who keeps one) and to let them feel that we
all are just human beings with the desire to live our own lives. I can never stop to see stories
like this, because, that keeps up my hope as described above. The five minutes containing the story
of Gabriella's song including her performance is one of my movie-highlights ever! Thank you Kay
Pollak just for these 5 minutes, which made me happy!" ], [ "Yesterday my Spanish / Catalan wife and myself saw this emotional lesson in history. Spain is going
into the direction of political confrontation again. That is why this masterpiece should be shown in
all Spanish High Schools. It is a tremendous lesson in the hidden criminality of fascism. The
American pilot who gets involved in the Spanish Civil War chooses for the democratically elected
Republican Government. The criminal role of religion is surprisingly well shown in one of the most
inventive scenes that Uribe ever made. The colors are magnificent. The cruelty of a war (could
anybody tell me the difference between Any war and a Civil war ?)is used as a scenario of hope when
two young children express their feelings and protect each other. The cowards that start their abuse
of power even towards innocent children are now active again. A film like 'El viaje de Carol'/
'Carol's journey' tells one of the so many sad stories of the 20th Century. It is a better lesson in
history than any book could contain. Again great work from the Peninsula Iberica !" ], [ "This film could well have been one of those ordinary \"soapies\" relating the day to day events of
half a dozen families whose lives are intertwined…..broken relationships,building new friendships,
street bashings, near accidents, hopes and dreams and even the discovery of a baby discarded under
some bushes! What a mixture of events!

Fortunately the film maker goes beyond those daily
events and poses questions to consider although there are no satisfactory answers. He asks…in this
chaotic world do things just happen, is it just luck when things turn out right or , taking a
fatalistic view, is a person predestined to be at a certain place at a certain time and thus become
involved in the event and his future takes on a new perspective? Most of us have had this uncanny
experience.

Is it our super ego that makes us believe we are so important? As one
character says… he once sat on the edge overlooking the Grand Canyon and came to realize how
infinitely small he was.

This is not one of my favourite films but is a good study of
human relationships. Danny Glover is outstanding in a sympathetic role." ], [ "\"Closet Land\" was sponsored by Amnesty International and does have a lot of political overtones, but
there's so much more to this richly stirring story than that...

This is not just about
the political tension of the late 80s - it's about the personal persecution that a woman puts
herself through as a child who was molested by a family friend. We see the subtle allusion to the
parallels of a dishonest government/society structure and the culture of sexual predation where one
in four young children are molested and one in three women has experienced some form of rape./>
For me, it brings up a chilling chicken-and-egg question: does the attitude of our sexual
repression-leading-to-predation create the political environment of fear and censoring, or does the
socio-political dysfunction fuel a culture of sexual predation? The psychological ramifications of
even asking this question force us to a place where we are brought to develop our own answers./>
In the end, our young lady writer (Stowe) has a similar moment to the one at the end of
Hensen's \"Labyrinth\" - she realizes in one shining, brilliant moment that the idea of having her
power stolen from her by the secret police (Rickman) is an illusion. No one can steal your power -
they can only trick you into giving it up, and then you have the right to take it back at any
time.

This is not a movie to be entered into lightly, and you most certainly do ENTER it.
The minimalist aspects coupled with the child-like animation stirs the deepest parts of the psyche
and leaves no viewer unchanged." ], [ "Is it a good idea to use live animals for department store window displays?

No, and
here's why....

In \"Hare Conditioned\" the sale that Bugs is helping promote is over and
the store manager (Nelson) is transferring him to a new department: taxidermy. Naturally, Bugs
objects and the fun begins.

using nearly every department in the store (children's wear,
sports, shoes, costumes, women's nightgowns - don't ask.), Bugs comes out on top at every turn, even
referring to the manager as \"The Great GilderSNEEZE\". Even when trapped in the confines of an
elevator, Bugs makes the best of the situation.

Director Jones is on top of his pictorial
game as always, as are Blanc (as Bugs, natch) and Nelson (the manager - who DOES sound like radio
mainstay Gildersleeves - go ask your grand-parents).

And a sage word of advice: when
confronted by a fuzzy-looking woman wanting to try on bathroom slippers, always check her ears./>
Ten stars for \"Hare Conditioner\", the best argument yet for animal labor laws." ], [ "For the attention of Chuck Davis and Emefy: I saw PHANTOM LADY many years ago, when I was not yet a
jazz buff. There is an exhibition going until end of June in Paris's brand new MUSEE DU QUAI BRANLY,
named LE SIECLE DU JAZZ, not to be missed, with as a special entertainment NINE excerpts from jazz
movies, including PHANTOM LADY's famous drums sequence. I've seen Gene Krupa - and Elisha Cook Jr -
in almost all their film appearances, and I can confirm the following: 1.Elisha Cook Jr was DUBBED
in the movie. That was some progress, since in most of his other appearances he was KILLED (mainly
in Howard Hawks's THE BIG SLEEP). 2. Krupa probably dubbed Cook in PL. I could recognize his style,
since he had already graduated from the tom-tom used (and abused) at the beginning of his career -
namely in 1937's Hollywood HOTEL's SING, SING, SING sequence - and eventually got everything that
was possible from what we call in French \"la caisse claire\". 3. The sequence from PL, at least as
shown in the Museum,is not censored.harry carasso, Paris, France" ], [ "This is without doubt the best documentary ever produced giving an accurate and epic depiction of
World War 2 from the invasion of Poland in 1939 to the end of the war in 1945.

Honest and
to the point, this documentary presents views from both sides of the conflict giving a very human
face to the war. At the same time tactics and the importance of Battles are not overlooked, much
work has been put into the giving a detailed picture of the war and in particularly the high, low
and turning points in the allies fortunes. Being a British produced documentary this 26 part series
focus is mainly on Britain, but Russia and America's contribution are not skimmed over this is but
one such advantage of a series of such length.

Another worthy mention is the score, the
music and the whole feel of the documentary is one of turmoil, struggle and perseverance. Like a
film this series leaves the viewer in no doubt of the hardship faced by the allies and the Germans
during the war, its build to a climax at the end of every episode, which serves to layer the coarse
of the second world war. After watching all 26 the viewer is left with an extensive knowledge about
the war and astonished at just how much we owe to the members of the previous generation." ], [ "Prue and Piper bring Dr. Griffiths to their home to save him from the Sauce's assassin Shax. While
Phoebe looks in the Book of Shadow how to vanquish the demon, Prue and Piper fight and chase Shax on
the streets to destroy him. However, they are filmed and exposed live in the television news as
witches. They become national sensation with a crowd in front of their house. Phoebe trusts on Cole
and goes to the underworld with Leo to ask him to summon Tempus and revert time while a fanatic
woman shots Piper, who dies. The source proposes Phoebe to stay with him and in return he would save
her sister. Phoebe accepts the deal, and the time is reverted to the moment Shax is attacking Prue,
Piper and Dr. Griffits.

\"All Hell Breaks Loose\" is a good but incoherent episode. With
Piper dead and The Power of Three destroyed, why should The Source revert time to save her? But this
dramatic show is certainly one of the best of the Third Season and let the viewers anxiously waiting
for the next episode. My vote is nine.

Title (Brazil): \"Voltando no Tempo\" (\"Back in
Time\")" ], [ "German-born Turkish director Faith Akin captures in his film the endless variety of the different
styles in music and songs in Istanbul, a city that is a bridge between East and West, a city that is
uniquely located on both sides of the Bosporus, in Europe and in Asia. Kurdish dirges represented by
Aynur, who performs her own brand of Kurdish gospel music, passionate and melodic. We are introduced
to Romany instrumentals, to Orhan Gencebay, who has been called the Elvis of Arabesque music -
sounds of music are heard everywhere in the city as Faith Akin takes us into underground clubs, to
the street performers, and to recording sessions. German bassist Alexander Hacke who comes to
Istanbul to play and to learn about Turkish music quotes Confucius, \"To understand the place, you
have to listen to the music it plays\". Akin's fine documentary does just that - gives us 90 minutes
of music that helps to cross the bridges. For me, watching the movie was especially interesting
because I recently visited Istanbul as a part of my vacation and spent four days there. The city
fascinated me by its images, colors, crowds, vibrancy and visual beauty. Now, I can add the sounds
of music to the ever-changing portrait of Istanbul." ], [ "Of course I am going to think it was a great movie. I recognized several people I didn't see during
filming also. I was the one playing the guard about an hour into the movie in the death row exercise
yard asking for a light for a cigarette. I also changed this one scene. They had originally had it
set to go into the rec yard and straighten out the inmate and turn him around and walk him out. The
Director said \"It is taking to long, what would you do Gower.\" I said, \"We need to go in and hook
the arms and drag him out backwards. That way your camera can stay on his face as we take him off
set.\" I also lived at this same prison as a young child as my father was the Assistant Warden of
Security. I am also a current employee with the Tennessee Deaprtment of Corrections as a supervisor
at the Riverbend Maximum Security Institution. Even though a lot of the movie was a joke, the part I
was in was reality enough. Also in the bar scene the dancer kicking high in the air and leaving the
stage was an actual stripper I use to work with at a club called \"The Classic Cat\"." ], [ "I wouldn't call \"We're Back! A Dinosaur's Story\" simply a kiddie version of \"Jurassic Park\". I found
it more interesting than that. Like the former, it calls into question the security of bringing
beings from one era into ours. But it really opens my eyes when I see who provided the voices: John
Goodman, Rhea Perlman, Jay Leno, Walter Cronkite, Julia Child, Kenneth Mars, Yeardley Smith, Martin
Short and Larry King. To paraphrase that: a given actor, the \"Cheers\" woman, the \"Tonight Show\"
host, the Most Trusted Name In News, a famous chef, the \"Young Frankenstein\" police chief, Lisa
Simpson, one of the Three Amigos and the CNN guy.

But I guess that I shouldn't focus only
on the cast. I thought that this movie had something for both children (purely fun) and adults
(natural history). True, it's escapism, but the perceptive kind. I would actually say that John
Goodman doing Rex's voice here is sort of a precursor to his voice work in \"Monsters Inc\". Worth
seeing." ], [ "I can't believe John died! While filming an episode he collapsed on set! read this, (out of his
biography online):John Ritter was Born In Burbank , Calafornia , On September 17th 1948.
/>He landed his last television role in \"8 Simple Rules for Dating My Teenage Daughter\" (2002),
based on the popular book. On this sitcom, he played Paul Hennessey, a loving, yet rational dad, who
laid down the ground rules for his three children. The show was a ratings winner in its first season
and won a Peoples Choice Award for Best New Comedy and also won for Favorite Comedy Series by the
Family Awards! While working \"8 Simple Rules\", he also starred in his second-to-last film, Manhood
(2003)

That Same Year , While John Was Rehearsing for The 4th (3rd series) Episode of 8
Simple Rules (Now Shortened), he fell ill. Henry Winkler described it as \"John Looked Like He Had
Food Poisoning\".Then He collapsed on the Set, he was quickly rushed to a Nearby Hospital, The Same
Burbank Hospital Where He Was Born ,he was diagnosed with an aorta dissection, an Unrecognized Heart
Flaw, he Underwent Surgery but did not make it. John Ritter Died At Age 54 , just 1 Week Away from
His 55th Birthday , leaving His Wife Amy Yasbeck and 4 Children." ], [ "The way i found out about this movie was when i watched American pie 2, at the start it had a
trailer for Ali G indahouse, i watched the trailer and it just forced me to buy the DVD, it looked
incredibly funny! so the next day, i went to my local store and picked it up for £3.99 (Bargain!).
The film is about Ali G, who is a \"gangster\" of the west staines massive crew, who's rivals are the
east staines massive crew. Ali has a \"Cub Scout\" pack of children where he teaches them how to
survive in the \"ghetto\" by teaching them how to swear and steal cars, after Ali finds out the
government are stopping the money coming to the leisure centre where Ali teaches the kids, he runs
for MP for staines and overthrows another MP in his attempts to get rid of the leisure centre to
make room for an airport in staines. Throughout the film there are laughs aplenty as Ali gets up to
some crazy stuff! Borat makes an appearance for a few seconds in the film too, this is a definite
must watch film for all you Sacha Baron Cohen fans out there!" ], [ "As far as I know I've seen most of Lucio Fulci's films, with the exception of some later ones that
are popping up on DVD now, and I would have to say this was his best \"pre-zombie\" offering. In fact
it beats out his later movies hands-down. This is a tale of superstition and suspicion in a small
Italian town out in the middle of nowhere, where young boys are dying mysteriously. It's no mystery
how they died, I guess, it's more who's doing it. Is it a woman that the townspeople have always
considered a witch? Is it a young woman that lives in a fancy modern house on the outskirts of town,
who used to do a lot of drugs? Is it the village idiot, who gets nabbed early on because of being in
the wrong place at the wrong time? You'll only know if you watch, and watch you should, for this is
a top-notch mystery thriller, or should I say, a \"giallo\". I've seen this before but it's been a
long time and upon a second viewing it was still as powerful as the first time. For those of you
that only know Lucio Fulci for his zombie flicks, well, open your minds to this because it's well
worth seeing and while the \"monsters\" in this are human, they're as nasty as anything dredged up in
his later films. 9 out of 10 stars, see it! Please...." ], [ "....Rather well done, actually--attack the evil villains in their lair, stop a Little Big Horn style
ambush, save the day via the waterboys' bugling, works for me. Stiff Upper British lip and all
that.

So how does it play on a DVD 66 years later? Struck me as being like a Western,
subbing Apaches or Sioux for the Thugs, and the US Cavalry for the Imperial British Army. It's very
Colonial in it's outlook, you know? White Man's burden and all that? Kipling certainly would have
approved.

Cary Grant, Fairbanks and MacLaglen play it as broadly as possible, putting
some buddy buddy slapstick into the mix between the shootings and brawlings for good measure. (I had
no idea it was Joan Fontaine as the token army wife--did they leave some of her scenes on the
cutting room floor? very short-) None of them were aiming for an Oscar here--in fact Grant was not
at his best in a few scenes--but sod it, it still works. And where else would Ben Casey wind up as
an Indian bugler? Only in Hollywood.

Def. check this out if you like adventure and
pseudo-Western style antics. It was done by a bunch of pros, well I might add.

*** outta
****" ], [ "With all of mainland Europe under his control Hitler prepares for the last obstacle in his way
before heading for North America, Great Britain. With an overwhelming edge in aircraft Goering's
Luftwaffe looks unstoppable on paper. Once in the air however the RAF tenaciously disrupts the
paradigm by blowing the enemy out of sky air at a seven to one rate. The Battle of Britain rages on
for a over a year as the Island nation is bloodied but unbowed providing crucial time for their
American allies to produce more arms for the inevitable struggle.

Using more staged
footage than the three previous documentaries in the Why We Fight series the Battle of Britain has a
more propaganda like feel to it with the dramatized (some with unmistakable Warners music score )
scenes glaringly obvious to newsreel. In an ironic twist amid the devastation caused by German air
attacks Beethoven's Seventh Symphony is employed to underscore the visual suffering. The story
itself is one of remarkable courage by a defiant nation who refused to buckle under to the
devastating attacks inflicted upon it by up until that point an invincible war machine. It is the
20th century version of the 300 Spartans.

There have been more exhaustively researched
and better looking commercial efforts done on this battle since this film but the immediacy and
motivation The Battle of Britain provided then will always make it a more valuable document of
England during its \"Finest Hour\"." ], [ "Charlie Chaplin's Little Tramp or Little Man character wins World War I, called The Great War at the
time, single handedly, even capturing the Kaiser, something the entire Allied armed forces were
unable to do. Too bad it all turns out to be a dream, which is somewhat of a cop out and the weakest
part of this mesmerizing silent short (almost a feature film at 46 minutes).

There are
inventive gags galore including Charlie having to put on a gas mask to eat Limburger cheese sent
from home, then using the cheese as a weapon against the Germans; Charlie sleeping underwater in a
flooded trench next to a soldier he continues to annoy; Charlie disguising himself as a tree--one of
his best sketches ever--and Charlie pretending to beat up his friend who has become a POW, then
hugging him when the enemy is out of sight.

One amazing feature is how much Charlie, when
he is behind enemy lines dressed as a German, resembles Hitler over ten years before Hitler and his
Nazi thugs rose to dominate German politics. Obviously Hitler patterned his appearance after
Charlie's from this film." ], [ "Cinema, at its best is entertainment. If one is to question every aspect with which one finds room
for disagreement,and much of recorded history is based on contemporary opinions - often biased -
then one should leave the cinema, because their prejudices will always spoil their enjoyment. When I
spotted an airplane flying overhead in a film dated 33BC I was amused. The background scenery in
\"Casablanca\" is absurdly fake. So, do I set up a moan & say that the film failed to convince? Fiona,
relax and enjoy some excellent acting. Wajda's decision to cast the protagonists as French & Polish
was inspired. one was immediately aware of which side each of the main characters was representing.
No need to dwell on the authenticity of the wigs. This is powerful cinema. If there is a political
message which is still relevant today - have a dinner party - a Château d'Yquem with the foie-gras;
a Puligny Montrachet with the entree; some Polish Vodka sorbets and perhaps a 1961 Château Lafite-
Rothschild with the beef - and discuss the political aspects of Danton until you drop with fatigue.
Danton would surely have agreed?" ], [ "One of my favorite westerns and one of John Ford's best in my opinion. No major stars, but Ben
Johnson shines in most everything he appears, and here he gets a rare lead as the title character.
Matching him is Ward Bond as the crusty Mormon elder leading his people west. John Ford's stock of
character actors, including Harry Carey, Jr., Jane Darwell, Russell Simpson and Hank Worden, provide
ample support, as does eerily silent James Arness, a member of the outlaw Clegg clan that joins up
with the wagon train. The Mormon trail into Utah was one of the most arduous and demanding
enterprises ever undertaken. We can't really get the feel of that, but we do see ordeals that had to
be overcome by pioneers on the way west; river crossings, long stretches of dry, waterless desert,
encounters with Indians and the like, all set to glorious song by the Sons of the Pioneers. The
Mormons actually did dig sections of the trail with picks and shovels, as depicted in the movie. My
main regret is that it wasn't made in color, but I believe there is a colorized version. By the way,
those craggy rocks featured in various scenes are called the Fisher Towers, located near Moab.
Highly recommended viewing." ], [ "\"For a Squadron Leader - normally the only guy trained and equipped for navigation in a squadron and
very hard to replace - to risk an expensive plane and himself to pick up a crashed fellow pilot, no
matter how close a friend he is, in the face of oncoming enemy troops, is hard to believe,
especially when they both have to share a cramped Spitfire cockpit - two into a Skyraider, OK, but a
Spit?! Come on, this part of the film is a Biggles adventure, not fitting a film that one is
supposed to take seriously!\" as said by Tord S Eriksson (Gothenburg, Sweden) is rubbish. Not at all
Biggles. One true story of the war comes to mind of two grounded spit pilots, who planned and flew
(illegally) a strafing mission over France. One had to crash land and his friend landed his spit
under fire, while German infantry was moving in on them, and flew them both out of there. In a spit.
They were BOTH severely injured in former fights, one had an artificial leg from the knee down. Now
that may sound like something out of Bigles, but it happened. Ill get sources if needed" ], [ "I remember hitch hiking to Spain at 25, getting a lift from, what turned out to be, two fleeing
Italian small crooks. They were doing a lot outside the law, but from the other side carrying a
little portrait of Jesus in the pocket for their protection...Just and unjust, good and bad,
criminal and correct where here in a new combination, outside of the categories I used to know. 'Les
Valseuses' gives me, although a film and not real life, a picture close to my own experiences: the
intenseness of each moment as soon as you leave 'all behind' and go for the momentous, whatever
comes your way, it's another state of mind and also 'dangerous' form of life, because, as we all
know, there are people who are not ready for this and willing to persecute you for 'stealing' and so
on...This film touches 'values', it's a story about 'what's right and wrong': morals. It's
resurrection of the individual fighting him/ herself free against the 'false morals' and
conformism...There's danger all the way, because, how far can you go with your own 'freedom' and
crossing your own moral borders and that of other people? What to do with people who are willing to
hurt you, put you in jail or even shoot at you for the things that you do, like \"stealing\" some
petrol from a multinational oil company for you fifth hand car? Les Valseuses re-awakens these
questions in me, because morality, in contradiction to the usual 'media message', is quite
complex..." ], [ "Throughout the world the unmistakable imprint of the American C.I.A. can be found in many a muddled
mess they have left behind. In the beginning, their objectives were simple: spy, remove enemy
agents, steal classified information and destabilize unfavorable governments. Years have elapse and
although their mission remains similar, their clandestine black operations now include domestic
spying, discrediting U.S. citizens and infiltrating American organizations who criticize the U.S.
government. This movie however, centers on the C.I.A.'s world manhunt for the infamous 'Carlos, the
Jackel.' The film is called \" The Assignment \" and tells the story Lt. Cmdr. Annibal Ramirez, (Aidan
Quinn) a U.S. naval officer who bears a striking resemblance to the mastermind of so many terrorist
bombings. Recruited by Jack Shaw (Donald Sutherland) of the C.I.A. and Amos (Ben Kingsley), a
special agent from the Israeli Mosad, Ramirez is secretly trained to look, pose, infiltrate the
elusive organization and to thereafter discredit the real Jackel working for the Russians. This film
is Explosively exciting, and packed with wild chases, killings and inter-country mayhem. Quinn is
wonderful and surprisingly artistic playing both sides of the war. Easily one of his best efforts.
****" ], [ "Coming at the end of the cycle of the Universal Monsters horror films, and before the Golden Age of
sci-fi films, House of Dracula is more science fiction than horror and incorporates some of the more
cheesy {read:enjoyable} elements which would come to typify the sci-fi films of the coming era. Lon
Chaney Jr. plays the Wolf Man, and John Carradine, Dracula and Glenn Strange, the Frankenstein
monster.

A mad scientist sets out to \"cure\" both monsters of their \"sicknesses\" by means
of modern {read:mad} science. When the scientist's beautiful nurse-assistant is revealed to be a
hunchback early in the film, the viewer is thereby alerted to the fact this film is not going to be
typical Universal fare; this film foreshadows the kind of sleazy exploitation we would come to take
for granted in 1950's sci-fi.

If you don't mind the slower pacing of the older films and
black & white does not throw you off, this film is recommended viewing. Afaik, this one is not
currently available on DVD, but AMC airs it occasionally, so keep a lookout, or you could always
wishlist it on your TiVo!" ], [ "This was a very daring film for it's day. It could even be described as soft-core porn for the
silent era. It was a talkie, but dialog was extremely limited, and in German. One did not need it
anyway.

The young (19) Hedy Lamarr gets trapped in a loveless marriage to an obsessive
(stereotype?) German and after a short time in a marriage that was apparently never consummated,
returns home to her father.

In a famous and funny scene, she decides to go skinny dipping
one morning when her horse is distracted by another. She is then forced to run across a field
chasing after it, as she left her clothing on the horse. An engineer retrieves her horse and returns
her clothing - after getting an eyeful.

They sit for a while and, in a zen moment, he
presents her with a flower with a bee sitting on top. This is where she thinks back to her honeymoon
and the actions of her husband and an insect. She knows this man is different.

She
returns home and eventually seeks out our young fellow, and finds the ecstasy she was denied. You
can use your imagine here, but his head disappears from view and we see her writhing with pleasure.
Since he never got undressed, you can imagine... Certainly, an homage to women by the director
Gustav Machatý, and a shock to 1933 audiences.

The only thing that mars this beautifully
filmed movie is the excessive guilt, and a strange ending." ], [ "Jane Porter's former love interest Harry Holt(Neil Hamilton) and his friend Martin (Paul Cavanagh)
come to Tarzan's hidden away jungle escarpment searching for the ivory gold mine that is the
\"Elephant's Graveyard\" first seen in TARZAN, THE APE MAN...only we soon discover both men have
hidden intentions...namely Jane. Will Tarzan stand for that? Not likely (in fact Tarzan won't even
stand for any disturbance done to the \"Elephant's Graveyard\") and knowing this Martin attempts to
take Tarzan out of the picture only he later finds himself in a world of trouble later he and his
party (including Jane who leaves with them after she believes Tarzan is dead)is captured by a native
tribe intent on feeding them to the lions..will Tarzan be will and able enough to get to them in
time?

This film is adventure filled with loads of scenes involving Tarzan and other
facing down wild animals and a climax that grips the viewer's interest and doesn't let up. The
cruelty displayed towards animals and the portrayal of native people may disturb some today but all
should remember this is basically fantasy adventure entertainment and shouldn't be taken so
seriously." ], [ "The film version of Alice Walker's hugely emotive and influential 1983 novel (written largely as
letters from the central character Celie to God) was a massive Oscar success, and rightly so./>
In the role of the abused and awakened Celie, Whoopi Goldberg gave her best screen
performance by miles. Not far behind her was Oprah Winfrey as Sofia, the fiery woman tamed by fate.
Others in the cast fleshed out the characters Walker had introduced so clearly on the page - Danny
Glover as Albert, Celie's abusive husband; Margaret Avery as Shug, a force of change for the good;
Willard Pugh and Rae Dawn Chong as Harpo and Squeak; Susan Beaubian as Corrine, the preacher's wife;
and the much-missed Carl Anderson (otherwise best known as Judas in the 1973 film of Jesus Christ
Superstar) as preacher Samuel.

Beautifully paced and sensitively written, 'The Color
Purple' does justice to its source while opening out the story to involve viewers of a feature-
length drama." ], [ "Krajobraz po bitwie like many films of Wajda is, perhaps, not understandable for the \"rest of the
world\". Story based on the few short stories of Tadeusz Borowski, who during WWII was the prisoner
of Oswiecim, Dachau and Dautmergen camps. Borowski in his books describes inhuman life in the Nazi
camps from the point of view vorarbeiter Tadek - porte parole of author who also was on the
privileged position among the prisoners. Borowski was merciless for the humanity and merciless for
himself. He describes the human history as the endless chain of exploitation and humiliation.
Ironically, after the returning to Poland he stopped writing artistic prose and became communistic
propagandist, producing stream of anti-imperialistic and anti-american press publications. After few
years he committed suicide. In the movie Wajda changes point of view. Vorarbeiter Tadek - character
created by the Tadeusz Janczar - plays only supporting role. Story is focused on the poet,
destroyed, burned out by the war and imprisonement and his one-day love affair with Nina, Jewish
girl who escaped from communistic Poland although she actually hates jewish life and mentality. As
the background we can observe sad grotesque of so-called \"dipis\" (displaced persons) life, who after
the liberation are settled by the Americans in SS barracks. Marches, patriotic kitsch mixed with
hunting for the extra dose of food and/or prostituting German girls.

" ], [ "I saw this little Belgian gem two days after seeing 'American Teen'. Make no mistake about it,
adolescence is a roller coaster ride, be it American or European. 'Naissance des Pieuvres' (or as it
is being called in the U.S. 'Water Lillies')is a tale of a young 15 year old girl (played by Pauline
Acquart,who at times resembles a young Scarlett Johansson)acts the cool, withdrawn girl who wants to
be on the school swim team, just to be close to another attractive girl (Adele Haenel). It's more
than obvious that Marie is more than attracted to Floriane. Figuring among all of this is Marie's
rather plump, unattractive friend, Anne, who just wants a boyfriend like any other girl her age.
Along the way,we are shown the usual array of teen pastimes (broken hearts,shop lifting,alcohol
and/or drug use,casual sex,etc.). This is a quiet little film that takes time to work it's way into
your system (Michael Bay fans,take note:the pacing here is s-l-o-w,so steer clear),but if you have
no problem with this, Water Lillies is a charmer. No rating here,but would pull down a hard \"R\", due
to language,nudity,adult situations." ], [ "As part of the celebration of the release of Casino Royale, this film with the new Bond starring in
it was shown, from director Roger Michell (Notting Hill). I almost turned it off for being a bit
boring, but I'm glad I stuck with it. Basically May (Anne Reid) is a single mother of Helen (Anna
Wilson-Jones) who hardly sees anyone and has not had a boyfriend in years. Her daughter says that
she might want to get married to her new boyfriend, Darren (Daniel Craig, of course). After knowing
each other only a few days, May and Darren have a secret affair. And at her age, with a
30-something, and the new Bond?! Anyway, they obviously want to keep it a secret, but May has
regrets and wonders if Helen will find out. When she does, Darren gets less hassle than May. In
fact, Helen asks her permission to hit her. Also starring Peter Vaughan as Toots, Danira Govich as
Au Pair, Harry Michell as Harry, Rosie Michell as Rosie and Johnny English's Oliver Ford Davies as
Bruce. Very good!" ], [ "In 1895, in a small village in Japan, the wife of the litter carrier Gisaburo (Takahiro Tamura),
Seki (Kazuko Yoshiyuki), has an affair with a man twenty-six years younger, Toyiji (Tatsuya Fuji).
Toyiji becomes jealous of Gisaburo and plots with Seki to kill him. They strangle Gisaburo and dump
his body inside a well in the woods, and Seki tells the locals that Gisaburo moved to Tokyo to work.
Three years later, the locals gossip about the fate of Gisaburo, and Seki is haunted by his ghost.
The situation becomes unbearable to Seki and Toyiji when a police authority comes to the village to
investigate the disappearance of Gisaburo.

\"Ai no Borei\" is a surreal and supernatural
love story. The remorse and the guilty complex of Seki make her see the ghost of her murdered
husband, spoiling the perfect plot of her lover. The cinematography is jeopardized by the quality of
the VHS released in Brazil, but there are very beautiful scenes, inclusive \"Ringu\" and the American
remake \"The Ring\" use the view of the well from inside in the same angle. The performances and
direction are excellent making \"Ai no Borei\" a great movie. My vote is eight.

Title
(Brazil): \"O Império da Paixão\" (\"The Empire of Passion\")" ], [ "A lot of talk has been made about \"psychological Westerns\", but this is one of the very few that is
truly in that genre. It has big name stars who perform very well, but it is the director who makes
this such a good movie. Stewart Granger loses his British safari hunter stereotype to play a haggard
retired buffalo hunter who is revered in the West as one of the best. Robert Taylor plays the
upstart (in contrast to the usual young upstart, Taylor's character is middle aged, too), who wants
to slaughter buffalo, and lures Granger into business with him. They hire two other big name actors,
Lloyd Nolan and Russ Tamblyn, into being their skinners. Granger is haunted by the buffalo he has
killed, knowing that he may be to blame if they become extinct, knowing if they become extinct, the
Native American way of life will greatly suffer. Taylor soon reveals a sadistic side, but it is a
realistic saidism, unlike the one dimensional sadists of modern film, created by nerds and dorks. He
is insecure, and needs human companionship. Still, he won't stop at murder. The end pits the two
against each other, with a startling conclusion. The psychological effects of what they're doing are
well depicted." ], [ "This is a movie that deserves another look--if you haven't seen it for a while, or a first look--if
you were too young when it came out (1983). Based on a play by the same name, it is the story of an
older actor who heads a touring Shakespearean repertory company in England during World War II. It
deals with his stress of trying to perform a Shakespeare each night while facing problems such as
bombed theaters and a company made up of older or physically handicapped actors--the young, able
bodied ones being taken for military service. It also deals with his relationship with various
members of his company, especially with his dresser. So far it all sounds rather dull but nothing
could be further from the truth. While tragic overall, the story is told with a lot of humor and
emotions run high throughout. The two male leads both received Oscar nominations for best actor and
deservedly so. I strongly recommend this movie to anyone who enjoys human drama, theater--especially
Shakespeare, or who has ever worked backstage in any capacity. The backstage goings-on make up
another facet of the movie that will be fascinating to most viewers." ], [ "I'm surprised that no one yet has mentioned that there are two versions of this same film. The
lion's share of the footage in both is identical, but here is where they differ: In one version (the
version I have seen most often on broadcast TV), the group of clerics guarding the gateway consists
of the \"Brotherhood of the Protectors\", a (fictional) splinter group of priests and brothers
\"excommunicated\" by the Church. In the other version, which I've seen only once on TV, the clerics
guarding the gateway are depicted as priests of the official Church, meaning the Archdiocese of New
York (or perhaps Brooklyn). Also, in the former version, in most of the pertinent scenes, the
clerics are referred to as \"brothers\" (and in some scenes, you can see where the lips say \"Father\"
so-and-so but the dubbed audio says \"Brother\" so-and-so. In the latter version, I believe everyone
is referred to as \"Father\".

In any event, it seems that one of these two versions is more
or less a partial re-shooting of the other, with all \"Brotherhood of the Protector\" scenes re-shot
as \"Archdiocese\" scenes, or vice versa. (Kind of reminds me of the Raymond Burr cutaway scenes in
\"Godzilla\"). I have videotaped both versions off broadcast TV, so no, I'm not imagining this. Can
anyone shed some more light on the story behind these two versions of the film?" ], [ "`An Itch In Time' is one of a string of home runs Bob Clampett hit for WB in the early 1940s,
including `Horton Hatches The Egg' and `Tortoise Wins By A Hare.' Soaked in manic timing and
exaggerated mayhem, it's basically the saga of a flea who's busy breaking ground for a new home, and
the dog whose ground is being broken. Because master Elmer will give him a dreaded flea bath if he
so much as scratches, the unlucky canine is forced to endure an upward spiral of torment as the
homesteading flea uses pick-axes and power tools to clear the `land.' Ultimately, the little monster
lights the fuse to a small mountain of high explosives he's piled onto his victim's backside!
There's a tremendous explosion, and the hapless pooch covers his eyes as his rear end erupts in a
blazing Fourth of July display! That really has to hurt, and the dog takes flight, but soon he stops
the action and says with a merry smile, `You guys better cut it out, 'cause I think I'm starting to
like it!' For years this kinky confession was censored, but current prints have restored the clip,
so now viewers can enjoy it in its original devilish glory. Still cut, however, is the closing gag
in which the cat blows his brains out after he laments, `Now I've seen everything!' This was a
common gag at WB, but it has since been purged from this cartoon and several others, including
`Horton.'" ], [ "This film is a masterpiece to put it simply. Especially the double exposure made by the cameraman
Julius Jaenzon. It is skillfully made even with the standards we are used to today seventy eight
years later. Viktor Sjöström, the director, also plays the main character, David Holm. On the night
of new years eve he is killed in a fight, and the legend says that the first one who dies on the new
year, will have to work as a soul-collector in the form of a transparent ghost. There is a new soul-
collector to be appointed every year.

The scene in which the alcoholic, David Holm, rises
up from his dead body (like the soul is leaving his earthly body) in the churchyard (where the fight
took place) is a real award for a filmloving eye. Also when the present soul-collector arrives with
his horse and carriage is a beautiful but also a scary scene. David Holm recognizes this soul-
collector as a drinkingfriend from earlier life. It is now his turn to take over. Just like Scrooge
in Dickens story \"A christmas tale\", David is shown what his life and doings has led to for the
people around him.

The film is about the danger of abusing drugs, in this case alcohol.
It is based upon a book by Nobel prize winner Selma Lagerlöf. Viktor Sjöström filmed a few more of
her books, but this is the one with the best outcome, maybe because this book is the most filmic of
them.

" ], [ "The first thing you meet when you study fascism is ostracism:because this\" philosophy \" is a fake
one,there's a need to use scapegoats to assess the \"thought\".Ettore Scola's movie,probably his
masterpiece, focuses on the outcasts,the scapegoats of the regime.

Of the historical
event (Hitler and Mussolini's alliance),we will see almost nothing:some military march,some
garlands,some scattered voices ..Our two heroes are not invited for the feast of virility. \"Genius
is essentially masculine\" :this is the golden rule Antonietta (a never better Sophia
Loren)embroidered on her cushion;Antonietta ,whose world amounts to her kitchen,whose pride is her
offsprings .At the beginning of the movie,she's a victim of this hypermacho world,but she does not
realize it.She thinks she should be happy.Gabriel,on the contrary ,is politically aware,he knows
about the cancer that is destroying inexorably his country.But as a gay man,he is no longer part of
it,he's about to be arrested.

Forgetting everything that comes between them,they realize
what they have in common and they make love.This is an act of rebellion,particularly for Antonietta
,whose ethic should forbid such a thing.Becoming an adulteress in a land where politics and religion
combine to repress women as ever leads her to some kind of political awareness.One of the last shots
shows her listening to the news on the radio.

Expect the unexpected and maybe a doctrine
which denies the human being his intimate personality will see that its days are numbered." ], [ "Canadian filmmaker Mary Harron is a cultural gadfly whose previous films laid bare some the artistic
excess of the Sixties and the hollow avaricious Eighties. With \"The Notorious Bettie Page\" she
points her unswerving eye at Fifties America, an era cloaked in the moral righteousness of Joe
McCarthy, while experiencing the beginnings of a sexual awakening that would result in the free love
of the next decade. Harron and her co-writer Guinevere Turner, are clearly not interested in the
standard biopic of a sex symbol. This is a film about the underground icon of an era and how her
pure unashamed sexuality revealed both the predatory instincts and impure thoughts of a culture
untouched by the beauty of a nude body. If the details of Bettie's life were all the film was
concerned about, then why end it before her most tragic period was about to begin. Clearly, Harron
is more interested in America's attitudes towards sexual imagery then and now. Together with a
fearless lead performance by Gretchen Mol and the stunningly atmospheric cinematography of W.Mott
Hupfel III, she accomplishes this goal admirably, holding up a mirror to the past while making the
audience examine their own \"enlightened\" 21st Century attitudes towards so-called pornography. As
America suffocates under a new conservatism, this is a film needed more than ever." ], [ "Never viewed this film until recently on TCM and found this story concerning Poland and a small town
which had to suffer with the Nazi occupation of the local towns just like many other European Cities
for example: Norway. The First World War was over and people in this town were still suffering from
their lost soldiers and the wounded which War always creates. Alexander Knox, ( Wilhelm Gimm)\"Gorky
Park\" returns from the war with a lost leg and was the former school teacher in town. He was brought
up a German and was not very happy with the Polish people and they in turn did not fully accept him
either. As the Hitler party grew to power Wilhelm Grimm desired to become a Nazi in order to return
and punish this small Polish town for their treatment towards him which was really all in his mind.
Marsha Hunt,(Marja Pacierkowski),\"Chloe's Prayer\", played an outstanding role as a woman who lost
her husband and was romantically involved with Whilhelm Gimm. There are many flashbacks and some
very real truths about how the Nazi destroyed people's families and their entire lives. The cattle
cars are shown in this picture with Jewish people heading to the Nazi gas chambers. If you have not
seen this film, and like this subject matter, give it some of your time; this film is very down to
earth for a 1944 film and a story you will not forget too quickly." ], [ "Watching the last 2 episodes i remembered a TV add from my childhood. It showed the wild west, very
dusty and dry, and there is a small saloon, a man enters the bar/saloon, he is thirsty as hell, lips
cracked etc...., he has just walked through the Nevada Desert and hasn't drunk water for days. He
croaks to the bartender \"gimme a packet of potato chips\" While he is eating it we can feel how
thirstier he is getting, we hear a voice in the background saying.... \"Keep building that thirst,
build it till you cant hold it any more............. then blow it away with TEAM\" The man drinks
TEAM (a soft drink) It feels like a few dozen bags of potato chips the thirst is so intense that i
cannot hold it any more, Season 2 has even more twists and turns then season 1. The ending answers a
lot of questions but asks many many more questions hopefully we will know the answer in season 3,
but i doubt it because i feel LOST has the momentum go a lot further then 3 seasons, if the people
behind the camera keep up their good work.

I for one will keep watching.

From
Pakistan with Love" ], [ "Louis Sachar's compelling children's classic is about as Disney as Freddy Krueger. It's got murder,
racism, facial disfigurement and killer lizards.

Tightly plotted, it's a multi-layered,
interlinking story that spans history to reveal Stanley's own heritage and the secret behind the
holes. It races from Latvia's lush greenness to the pock-marked Camp Green Lake (hint: there's no
lake and no green).

Disney's first success is re-creating the novel's environments so
convincingly - the set design is superb and without gloss. The other plus is in the casting. Rising
star Shia LaBeouf (Charlie's Angels 2, Project Greenlight) might not be the fat boy of the book, but
his attitude is right and he's far from the usual clean-cut hero. The rest of the cast is filled out
equally well, from Patricia Arquette as the Frontier school marm-turned-bank robber to Henry Winkler
as Stanley's dad. The downside is the pop soundtrack - pure marketing department - and having the
sentiment turned up to full volume at the end." ], [ "This movie accurately portrays the struggle life was for the typical East German. Watched by the
secret police, friends and coworkers, most easterners simply existed.

The Strelzyk's and
the Wetzel's were two families that decided they weren't going to take it anymore.
/>Despite the extreme danger involved in escaping to the West, they feel the rewards far outweighed
the risks. John Hurt and Beau Bridges, portraying the respective family heads hit upon the idea of
flying over East Germany's heavily fortified border.

There are tense moments as they
gather and jimmy-rig the necessary materials for the flight. They work their day jobs and construct
the balloon at night, right under the noses of the authorities, one of whom is Strelzyk's neighbor
(Klaus Loewitsch).

The first attempt, involving only the Strelzyks, ends in failure when
the balloon crashes just a few yards from the border. The crashed balloon is discovered by border
guards and an relentless search begins for the conspirators who are determined to try again. With
sales of materials being closely monitored Peter and Guenter still manage to procure bits and pieces
of cloth with which to construct a second balloon for their nail biting escape to freedom. The film
also features a heartwarming and effective soundtrack by the late Jerry Goldsmith." ], [ "A European musician and composer sets out to capture the musical diversity of Istanbul. A lover of
experimenting with sound, Alexander Hacke (of the German avantgarde band Einstürzende Neubauten)
roams the streets of Istanbul with his mobile recording studio and \"magic mike\" to assemble an
inspired portrait of Turkish music. His voyage leads to the discovery of a broad spectrum ranging
from modern electronic, rock and hip-hop to classical \"Arabesque\". As he wanders through this
seductive world, Alex collects impressions and tracks by artists such as neo-psychedelic band Baba
Zula, fusion DJs Orient Expressions, rock groups Duman and Replikas, maverick rocker Erkin Koray,
Ceza (Turkey's answer to Public Enemy), breakdance performers Istanbul Style Breakers, digital
dervish Mercan Dede, renowned clarinetist Selim Sesler, Canadian folk singer Brenna MacCrimmon,
street performers Siyasiyabend, Kurdish singer Aynur, the \"Elvis of Arabesque\" Orhan Gencebay, and
legendary divas Müzeyyen Senar and Sezen Aksu." ], [ "The hilarious team that brought you 'CNNNN' and 'The Chaser Decides' have returned to the ABC with
their new series, 'The Chaser's War On Everything.' Filmed in front of a live audience, the Chaser
team, once again, does what it does best- lampooning key political figures, international
celebrities and media personalities.

The satire is simply priceless, and nothing is
sacred. In recent weeks, the Chaser Team has chased alongside the Queen (during her visit to
Australia) to try and have John Howard Dismissed and had Kim Beazley (Aust. Opposition Leader)
threaten to kneecap them.

A particularly funny segment is \"Mr. Ten Questions,\" showing an
overly enthusiastic reporter who approaches celebrities (recently Charlize Theron and The Backstreet
Boys) and asks them ten such inane questions as \"what is your optimum length of rice grain?\" Just
for the record, Theron ignored him and walked away, and one of the Backstreet Boys got angry and
\"refused to dignify it with a response.\"

A segment that recently had me in stitches was
when one of the team decided to become a 'statue busker' to score some extra money. When he realized
how hopeless he was, he put a real statue in his place. THE PERFECT SCAM! He got thirty dollars in
twenty minutes!

A brilliant satire of everything in Australian society. Two thumbs up!/>
(By the way, the show won't be showing for the three weeks after Easter, because \"though the
team are all atheists, they're also hypocrites.\")" ], [ "In a penitentiary, four prisoners occupy a cell: Carrère (Gérald Laroche), who used his company to
commit a fraud and was betrayed by his wife; the drag Lassalle (Philippe Laudenbach) and his
protégée, the retarded Pâquerette (Dimitri Rataud), who ate his six months sister; and the
intellectual Marcus (Clovis Cornillac), who killed his wife. One night, Carrère finds an ancient
journal hidden in a hole in the wall of the cell. They realize that the book was written by Danvers
(Geoffrey Carey) in the beginning of the last century and is about black magic. They decide to read
and use its content to escape from the prison, when they find the truth about Danvers' fate.
\"Maléfique\" is an original, intriguing and claustrophobic French low-budget horror movie. The story
is practically in the same location, does not have any clichés and hooks the attention of the viewer
until the last scene. I am a great fan of French cinema, usually romances, dramas and police
stories, but I noted that recently I have seen some good French horror movies, such as \"Un Jeu d'
Enfants\", \"Belphegor\" and \"Dead End\". My vote is seven.

Title (Brazil): \"Sinais do Mal\"
(\"Signs of the Evil\")" ], [ "The Secret of Kells is one of the most unique, beautiful, and eye- popping animated films I have
ever seen. Before watching this film, I was convinced that nothing could give Up a run for its money
and that it was a shoo-in to win in this category, but I found in Kells a serious contender./>
The Secret of Kells tell the story of a young orphan named Brendan, who lives with his
uncle, the Abbot of Kell. The Abbot is a loving guardian, but perhaps a bit too strict and much more
concerned with fortifying the wall around the town from a coming attack by vikings than he is at
nurturing the boy's imagination. When the legendary Brother Aidan (who looks surprisingly like
Willie Nelson) shows up and takes the boy under his wing, Brendan goes on a journey into the woods
and meets a lovely forest nymph named Aisling who takes a liking to him (and saves his life more
than once). With Aisling's help, he attempts to save the town and help Brother Aidan complete the
mystical book which—legend has it—can turn dark into light.

See my full review of The
Secret of Kells at: http://theoscarsblog.blogspot.com/2010/02/movie-review-secret-of- kells.html" ], [ "Japan 1918. The story of 16-year old Ryu begins with the death of her father. As it will be revealed
later, both of her parents have died of tuberculosis. In this desperate situation Ryus aunt has
arranged a marriage with a Japanese man in Hawai, whom they know only from its picture. By her
arrival in Hawai ryu discovers that her new husband is much older as in the photograph ,and that he
lives in very humble circumstances beside a sugar cane plantage were he works on. Ryu not used to
the hard labour on the plantage and in despair over her situation in her new home thinks of running
away. She soon discovers that she has nowhere to go. The friendship to Kana, a female co-worker of
hers, gives her new hope and strength. This picture is based on real events between 1907 and the
1920s, when thousands of Asian woman were married off to men in America, whom they only knew from
their picture. This not very well known picture is well written and acted. The location is
breathtaking. This film also features Mifune Toshiro in his very last screen appearance as a Benshi
(narrator of silent movies). This film gives some insight of Japanese culture here and across the
ocean. A must see!" ], [ "A classy film pulled in 2 directions. To its advantage it is directed by Wes Craven. On the downside
the TV film budget shows what could have been so much more with a larger budget. It moves along as
Susan Lucci draws Robert Urichfamily into her clutches and trying to persuade him into the secret of
her health club. His latest invention, a spacesuit which can analyse people or things becomes
unexpectedly useful in his new neighbourhood. Anyone seeing this should pay attention to Susan
Lucci. Her looks and performance had an unexpected repercussions a few years later. The actor,
scientist and parapsychologist Stephen Armourae is a fan of this film and wrote a review of this
film. Lucci became subject of a portrait by him followed as the basis for works of a sitter called
Catherine. Lucci and Barbara Steele's portrait in 'Black Sunday' were used as references for the
Catherine portraits which were immediately withdrawn by Armourae. Probably due to a personal nature
between the artist and Catherine. So by seeing both films we can get an insight into another story
and the appearance of unknown woman that would make an interesting film." ], [ "While escaping from a heist of a bank, the outlaw Vance Shaw (Randolph Scott) helps Edward Creighton
(Dean Jagger), the chief-engineer of the Western Union that is surveying the Wild West and had had
an accident with a horse. In 1861, Vance regenerates and is hired to work for the Western Union with
the team that is installing the poles and cable from Omaha to Salt Lake City. Vance and the engineer
from Harvard Richard Blake (Robert Young) flirt with the gorgeous Edward's sister Sue Creighton
(Virginia Gilmore) and she chooses Vance. However, his past haunts him when the outlaw Jack Slade
(Barton MacLane) steals the Western Union cattle disguised of Indians.

\"Western Union\" is
a good but predictable western directed by Fritz Lang. The story shows the difficulties of the brave
and idealistic men responsible for installing the telegraph through the West, facing thieves and
Indians. The entertaining story has action, drama, romance and funny situations, but with the
exception of the identity of Jack Slade, there is no surprise in the story. Randolph Scott gives
another magnificent performance with a great cast. My vote is seven.

Title (Brazil): \"Os
Conquistadores\" (\"The Conquerors\")" ], [ "Turkish-German director Faith Akın (\"Head-On\" & \"The Edge of Heaven\") follows German musician and
\"Head-On\" soundtrack composer Alexander Hacke of Einstürzende Neubauten to Istanbul for this
documentary which delves into the modern music scene of the city from arabesque to indie rock and
was screened out of competition at the 2005 Cannes Film Festival.

Alexander Hacke makes
for an amiable guide as he travels around Istanbul with a mobile recording studio and a microphone
in hand where he runs into and records the likes of classic rocker Erkin Koray, rapper Ceza, Kurdish
singer Aynur Doğan, Arabesque singer Orhan Gencebay and pop star Sezen Aksu as well as rock bands
Baba Zula, Duman and Replikas.

The director has pulled together a diverse collection of
popular performers and ground-breaking acts from what was at the time a highly competitive short-
list to give an eclectic account of modern Turkish music as seen from the streets of its cultural
capital which will enchant and entertain even if at times it seems a little rushed and unfocused./>
\"Music can reveal to you everything about a place.\"" ], [ "If you've seen this movie, you've been to Puerto Rico. I've lived in Puerto Rico all my life, and
have to shamefully admit that we (PR) are living a real chaos right now, drugs being the main reason
for the shootings and killings we have almost every day. These people will shoot anyone, anytime and
anywhere, and many innocent lives have been lost because of this. We don't feel safe anymore, and in
addition to this, our so-called \"justice\" is no longer moved by truth and rightness, but by money,
influence and power. \"Ladrones y Mentirosos\" is based on real, deplorable facts, and truly portrays
Puerto Rico's three main problems: the drug-related killings, money and power manipulating our
courtrooms, and innocent people and children being corrupted and even dying because of this. Ricardo
and his wife Poli, with their true-to-life plot and their award winning direction(**), were brave
enough to present all this as bad as it is: Puerto Rico is a beautiful and friendly country, living
a nightmare that doesn't seem to end !!! ** They recently won the \"Copper Wing Award\" for Best
Director in the World Cinema Competition at the 2006 Phoenix Film Festival." ], [ "David Cronenberg movies are easily identifiable, or at least elements within the movie stand out as
his trademarks. Fetishism, the blurring between the organic and inorganic, squishy throbbing things
that shouldn't be squishy and throbbing. \"eXistenZ\" is classic Cronenberg. Briefly, it's about a
future generation of computer games, but instead of a video monitor, visuals are supplied by your
mind. The game plugs directly into a 'bio port' in the base of your spine and while the game is
running, the player can't tell reality from game. Jennifer Jason Leigh plays the game's developer,
guiding a novitiate marketeer, Jude Law, through the game's paces. While in the game they uncover
strange goings-on and possible crimes. But are they real, or is it the game? Not even the game's
author knows.

The movie is quite a treat, keeping the viewer engaged, but in the dark
until the final minutes. Another thing I like about \"eXistenZ\" is that it doesn't use a heavy
reliance on special effects, it's the story itself that propels the movie. Recommended for the
Saturday night when science fiction is called for." ], [ "Since the day I saw this film when it came out in 1981, it has been one of my top 3 favorites. The
blurb I wrote for Amazon is below, and I'm just thrilled that it's finally coming out on DVD on
10/17/06 - the film's 25th anniversary.

The last credit in this film explains its appeal
- \"Thank you to the people of Manhattan on whose island this was filmed.\" A charming and witty
romantic comedy, it is a love story written to New Yorkers (Peter Bogdanovich is a native) who can
identify every location (West 12th Street, the Ansonia, the old FAO Schwartz, the Plaza, the Roxy,
Chez Brigitte, and City Limits which was a country & western club). One gets the impression that the
entire ensemble cast clicked as well off-screen as they do on, and this intimacy is clearly
communicated. I laughed, I cried, it was better than CATS. Not only an ode to Dorothy Stratten, it
was also Audrey Hepburn's last feature appearance (she had a cameo subsequent to this film) and her
inner beauty seeps from the screen. Buy it, make a big tub of popcorn, and curl up with someone you
love." ], [ "LCDR Tom Dodge, despite having a reputation among submariners as a renegade and maverick (*note to
reader: Maverick does not mean \"Tom Cruise\". Maverick means \"non-conformist\".), is actually an
intelligence operative for the Vice Admiral of his submarine fleet. The Vice-Admiral is concerned
about our old friends the Russians hosting yard sales with their old diesel fleets. Countries like
Lybia, North Korea or Iraq would love to get their hands on this baby and slip a nuclear warhead
into Norfolk Harbour or Mayport, Florida. And this was 6-7 years before 9/11.

The Admiral
assigns Dodge to assume command of a moth-balled WWII diesel sub and mount an exercise against the
surface fleet and the USS ORLANDO, a top of the line fast attack sub. Dodge takes command and in no
time whips up the bad news bears.. err I mean his lovable group of oddball submariners into
warriors. Despite having \"welcome aboard\" tattooed on his penis, he is a competent and fair
commander, he does not choose favorites and he delegates authority in a responsible manner. The US
NAVY could not have come up with a finer piece of recruitment propaganda than this handsomely made
under-appreciated gem from the creator of \"Police Academy\"." ], [ "A major moneymaker for RKO Radio, Bombardier stars Pat O'Brien and Randolph Scott as trainers at a
school for bomber pilots. O'Brien and Scott argue over teaching methods, while their students vie
for the affections of Anne Shirley. O'Brien's methods prove sound during a bombing raid over Tokyo.
Scott and his crew are captured and tortured by the Japanese, but the mortally wounded Scott manages
to set fire to a gas truck, providing a perfect target for his fellow bombardiers. Stylistically,
Bombardier is one of the most schizophrenic of war films, with moments of subtle poignancy (the
death of trainee Eddie Albert) alternating with scenes of ludicrous \"Yellow Peril\" melodrama (the
Japanese literally hiss through their teeth as they torture the helpless Americans). Though it can't
help but seem dated today, Bombardier remains an entertaining propaganda effort (the film is
sometimes erroneously listed as the debut of Robert Ryan, who'd actually been appearing before the
cameras since 1940.

Anyone interested in obtaining a copy of this film, please contact me
at: iamaseal2@yahoo.com" ], [ "That is no criticism of the film, but rather a comment on how blind we are to our own past. />
I recently watched Winter Soldier, and The Ground Truth was like watching a remake or
sequel-- except it was about Iraq rather than Vietnam. Similar to Winter Soldier because of it's
one-sided message, both films illustrate how gleefully we rush to engage in conflicts based on false
pretenses, and allow our young and brave (and often naive) to bear the brunt of this greedy war
profiteering. Both films effectively show that the mentality forced into the minds of the young and
willing make them efficient killing machines, but the training falls woefully short of teaching the
diplomatic and policing skills necessary to effectively win the hearts and minds of the people
they're supposedly fighting for. This is ultimately what lost the war in Vietnam, and will likely
lose the war in Iraq as well.

My only negative comment is that the film is so one-sided
it could be easily passed off as left- wing propaganda. Not by me, mind you, but by those aiming to
discredit the film and message. A more balanced point of view would speak to a larger audience." ], [ "Hotel Du Nord is a gripping drama of guilt in which Marcel Carne portrayed an entertaining tale of
ill-fated love which also functions as a revolt against the cruel world.The film is based entirely
on a pair of hapless lovers.Pierre and Renee were mistaken when they believed that suicide would put
an end to their misery.Hotel Du Nord has its own inimitable charm as its inhabitants have become an
essential part of the establishment.There is an element of togetherness as everyone flocks to Hotel
Du Nord to eat,chat etc.Marcel Carne has remained true to the spirit of the films produced in 30s
and 40s as Hotel Du Nord has a certain kind of nostalgic feel.Carne,while recreating the life of
Parisian roads was able to create a sort of nostalgia for black and white giving a unique genre of
poetic realism to his oeuvre.Hotel Du Nord can be termed as a quintessence of cinematographic
populism.The 14th July ball scene on the banks of Saint Martin canal remains a magnificent
sequence.The film's immense popularity can be judged from the fact that Hotel Du Nord has been
declared as a national monument." ], [ "Ettore Scola's masterful rendering of this epic of the heart deserves a much wider audience. It is a
worthy successor to the risorgimento classics such as Vischonti's Senso and Il Gattopardo, as well
as Rosselini's Vanina,Vanini. The 19th century is indeed a fruitful source for Italian filmmakers.
The period settings and trappings are beautifully realized here, but the story is timeless and could
occur in any period. What is so intriguing in this story is that the hero becomes trapped in a
claustrophobic situation in which he finds himself the vigorously pursued object of desire and he is
quite powerless to extricate himself from the alarming circumstances. Handsome and callow Giorgio
(Giraudeau) is frustrated by his inability to visit his charming but light-minded married mistress
(Antonelli) and falls prey to the dangerous passion of enamored Fosca (D'Obici), the ugly and sickly
daughter of his stern commander (Girotti). The resulting anguish and ensuing tragedy this unlikely
pair undergoes make them both understandable, pitiful and immensely sympathetic to viewers. Bernard
Giraudeau's stellar performance will captivate and leave a lasting impression. Not to be missed." ], [ "SERIES THREE- BLACKADDER THE THIRD \" If you want something done properly, kill Baldrick before you
start\" Hot on the heels of the second series the show returned with the current owner of the famous
name down on his luck and in service as butler to the Prince Regent, a vain and stupid foil for
Blackadders venom, played by Hugh Laurie. Baldrick is still in tow as the other piece of the comedic
jigsaw. The format is similar to the previous show, after all now they had found the winning formula
why change things. We see Blackadder trying to get rich off of the back of the gullible regent in
many more ingenious ways, trying to make Bladrick an M.P.or trying to woe a suitable bride for the
prince. In many ways this is one of the most accurate of the series historically, the prince regent
did take control of the throne during his fathers bout of madness and some of the characters
lampooned tell a lot about the times. Samuel Johnson, William Pit and Wellington all pass through
the events and all manage to steal their scenes, not an easy thing with such a stellar cast" ], [ "In this send-up of horror films, 50's cold war paranoia, Reagan-era America, and high school films,
Adam Arkin plays Tony, the star quarterback of Full Moon High in the 1950's. He and his father (Ed
McMahon) travel to communist Romania and while he's lost in the streets one night, he is bitten by a
werewolf. When he returns stateside, he cannot control his animalistic urges and goes on a killing
spree. Frustrated, he flees town. Decades later, the immortal Tony returns to town and re-enrolls in
highschool. He still can't control his transformations, and the townspeople, and his friends,
realize he's not quite human. It all culminates during the schools big football game.

I
expected this to be one of those 'so bad it's good' films from the early 80's. But I was surprised
that the film was actually, legitimately funny. The cast, including Kenneth Mars as a pervy coach,
Roz Kelly as Tony's lusty former flame, Demond Wilson as a bus driver, and Alan Arkin as a oddball
doctor, go all out, with hilarious results.

While watching this film I was struck by how
similar the writing and humor were to 'Family Guy.' 'Full Moon High' has that same anything goes
attitude and never takes itself seriously." ], [ "This Documentary (Now available free on Video.Google.Com) is a fantastic demonstration of the power
of ordinary people to overcome injustice. Everyone must see this.

Chavez was elected in a
landslide vote in 1998. His platform was to divert the fantastic oil wealth from the 20% middle
class to the 80% poor. He banned foreign drift net fishing in Venezuelan waters. He sent 10,000
Cuban doctors to the slums to treat the sick for free. He wiped out illiteracy and set up new free
Universities.

But it was his 30% tax on oil company profits that got him in trouble with
the Bush administration. In 2002, while Irish film makers Kim Bartley and Donnacha O'Briain were
interviewing Chavez inside the Presidential Palace about his social programs, a CIA backed coup was
launched. With the cameras rolling, Chavez was captured and flown out of the country. It was
announced on national TV that he had 'resigned'.

But the poor of Venezuela didn't believe
the media. They went to the Palace in their millions and demanded that Chavez be returned. In the
face of such overwhelming numbers, the military turned on the coup leaders and the plotters fled to
the US. Chavez was rescued by military helicopter and returned to jubilation." ], [ "In post civil war America the President, (Van Johnson), travels to Dallas and is assassinated by
corrupt officials and businessman interested in installing the vice President whom they can
blackmail due to incriminating documents. A gunman (Guiliano Gemma) convinced that his black friend
is wrongly accused of the assassination aims to uncover the truth. Tonino Valeri directed this
fascinating, if flawed film which obviously is an allegory for the Kennedy assassination. The film
may wrongly present blacks as slaves working on plantations in Texas but the film is nonetheless
enjoyable and presents an interesting interpretation - that Kennedy's death was the result of a coup
de tat- which many Americans could not accept at the time. Oswald's murder is replayed here as the
black accused of the assassination is murdered by the men responsible, on route to Fort Worth
prison. This moment in the film is more melodramatic than Oswald's death with his various escorts
shot down before his over the top death scene. Nonetheless this is definitely one of the more
interesting and worthwhile spaghetti westerns. Worth a look!" ], [ "Reading some of the other comments, I must agree that some of the (very few) shortcomings found in
this brilliant documentary about one of the 20th century's divas (up there with Billie Holliday,
Bessie Smith, Edith Piaf, Judy Garland and Mercedes de Sosa) are justified. Because initially this
was a 6-hours-plus TV documentary about her career(\"ESTRANHA FORMA DE VIDA\" (V) 1995/1999). Far more
encompassing and with greater insight into Amália's inner world. As for the subtitling her songs,
I'm all for it! Though the music, the voice and the performance may be - are! - universal, there is
so much poetry in the words just begging to be translated. I think this was a conscious choice by
the producers. They were aiming at the 200 million Portuguese speakers in Brazil, Portugal,
Mozambique, France, East Timor, Cape Verde, Guinea-Bissau, Canada, the US, South Africa, St. Tome
and Principe, Goa, Daman, Diu, Venezuela, Luxembourg, Germany and the rest of the Portuguese-
speaking diaspora worldwide. As for the Lady herself, she did not live to see this particular
shortened DVD version of the documentary, but she was given a preview of \"Estranha Forma de Vida\".
And it seems to have been to her liking. Very much so." ], [ "To regard the film as nothing more than a documentary about skateboarding would fail to recognize
several important aspects of Dogtown. Peralta (a well- known skateboarding figure himself) has
crafted a film that not only deals with the birth of what we know today as skateboarding, but also
examines the socio- cultural and economic circumstances in which this sport emerged and gained wide
appeal. In addition, his film is rather personal: Peralta's first-hand association with this
cultural phenomenon serves as both the informed cinematic investigator and the involved participant-
subject. In this role, he is a quintessential \"participant-observer,\" while gathering together a
wide array of personalities whom were integral to this movement and those who were profoundly
affected by the advent of skateboarding as a competitive sport and subculture. The film employs a
uniquely stylistic form of film and sound editing, and the narration (by Sean Penn) and interviews
adopt a rather genuine, unrehearsed form that is akin with the anarchic, nihilistic spirit of
sidewalk surfing. The film exhibits the kinetic appeal of a protracted sporting, music video
tempered with an archaeologist's sensitivity to the importance of time, place, and circumstance." ], [ "Man oh man... I've been foolishly procrastinating (not the right term, there's a long list!) to
watch this film and finally had the chance to do so. And \"news\" are: Marvellous labyrinthine
spectacle!

For any Von Trier's \"follower\": both Rigets, Element of Crime, Dogville,
Dancer in The Dark, The Five Obstructions, etc... Europa is probably the differential for its
greatness in visual terms. Everything is beautifully somber and claustrophobic! You really get the
feeling of being inside this \"imaginary\" nightmarish time warp. Taking from the masters of surreal
cinema like Bunuel, Bergman, till noir films of the 40's with acidic drops of avant-guard Von Trier
leads the art-film scene as the \"well intended totalitarian\" movie maker of nowadays. His
authoritarian way of dealing with very intricate issues, without being irrational, hits the nerve of
the viewer with the intent to cure some of the deepest wounds we feed in our hypocritical world./>
As Utopian as it seems, I do believe people like Von Trier could help society in many ways
in a broader aspect. The day films and filmmakers that carry this sort of power are no longer
necessary, as a tool for reflection, perhaps it could be the start of a new era: \"The age of
emotional control over our fears\". This is what he offers to us constantly through his work over and
over.

Bravo!" ], [ "This film is about a man who has been too caught up with the accepted convention of success, trying
to be ever upwardly mobile, working hard so that he could be proud of owning his own home. He
assumes this is all there is to life until he accidentally takes up dancing, all because he wanted
to get a closer look of a beautiful girl that he sees by the dance studio everyday while riding the
subway on his way home.

His was infatuated with her at first, going to the dance class
just to idolize her, but he eventually lets himself go and gets himself into the dancing. It
eventually becomes apparent to him that there is more to life than working yourself to death. There
is a set of oddball characters also learning in the studio, giving the film a lot of laughs and some
sense of bonding between the dejected.

There is also revelations of various characters,
including the girl he initially admired, giving some depth to them by showing their blemished past
and their struggle to overcome it.

The dancing was also engaging, with the big
competition at the end, but it is not the usual story where our underdog come out at the top by
winning it. Instead, there are downfalls, revelations and redemption.

All these makes it
a moving and fun film to watch." ], [ "This is precious. Everything Is Illuminated is sweetly and sublimely funny from the first delicious
line of dialogue. Oh, how I've been waiting for this to arrive in Austin. While Elijah Wood is
charming as ever as Jonathan Safran Foer (the real-life author of the novel Everything Is
Illuminated), it's Eugene Hutz (playing Jonathan's Ukrainian tour-guide and translator, Alex) who
truly steals this film. Alex is a hip-hop-lovin' Ukrainian break-dancer who, along with his
grandfather, helps Jonathan find the woman who saved Jonathan's grandfather's life during World War
II. The Ukrainian countryside has never looked so breath taking. I'm thinking of packing it all up
and moving to the former Soviet state.

The tone of the film, however, shifts when
Jonathan and Alex do finally meet the woman they're looking for, and suddenly, this adorable comedy
turns into a heart-breaking historical drama about a Jewish village that was annihilated during the
Nazi occupation. Everything Is Illuminated is about history, heritage, and the wisdom that can be
gained from uncovering the past. It's perfect." ], [ "I think that this film has become an important record of the most horrifying aspect of the East
German regime - the imprisonment of its people by what the regime called its anti-fascist protective
wall. It is a document of desperation and courage not to be missed. I would however like to comment
on the actual location of this escape. It did not happen in or around Berlin as supposed by some
respondents and was nothing to do directly with the Berlin Wall. The escape balloon was flown over
the Iron Curtain which not only divided Germany but it divided the whole of Europe at that time. The
balloon took off from Pössneck, 170 miles south-west of Berlin in the German Democratic Republic
(East Germany) and flew 14 miles to Naila in Bavaria and freedom in West Germany. The opening of the
Iron Curtain in Hungary in 1989 preceded the fall of the Berlin Wall later that year. Whilst the
balloon flight created entertaining suspense cinema, it should remain as a monument to those who
lost their lives whilst attempting to escape from East Berlin, other parts of the GDR or other
Soviet-controlled states." ], [ "This is a special film if you know the context. Antonioni, in his eighties, had been crippled by a
stroke. Mute and half paralyzed, his friends -- who incidentally are the best the film world has --
arranged for him to 'direct' a last significant film. The idea is that he can conjure a story into
being by just looking at it. So we have a film: about a director who conjures stories by simple
observation. And the matter of the (four) stories is about how the visual imagination defines
love.

The film emerges by giving us the tools to bring it into being through our own
imagination. The result is pure movie-world: every person (except the director) is lovely in aspect
or movement. Some of these women are ultralovely, and they exist in a dreamy misty world of sensual
encounter. There is no nuance, no hint that anything exists but what we see; no desire is at work
other than what we create.

I know of no other film that so successfully manipulates our
own visual yearning to have us create the world we see. He understands something about not touching.
No one understands Van Morrison visually like he does. Morrison's Celtic space music is predicated
on precisely the same notion: the sensual touch that implies but doesn't physically touch.
/>Antonioni's redhead wife appears, appropriately as the shopkeeper and she also directs a
lackluster 'making of' film that is on the DVD.

Ted's Evaluation -- 3 of 4: Worth
watching." ], [ "As so many others have written, this is a wonderful documentary. Here is a list of the 'chapters'
for anyone interested: 1: A New Germany: 1933-1939 2: Distant War, September 1939-May 1940 3: France
Falls, May-June 1940 4: Alone, May 1940-May 1941 5: Barbarossa, June-December 1941 6: Banzai, Japan,
1931-1942 7: On Our Way, USA, 1939-1942 8: Desert North Africa, 1940-1943 9: Stalingrad, June
1942-February 1943 10: Wolfpack 11: Red Star The Soviet Union, 1941-1943 12: Whirlwind Bombing
Germany, September 1939 13: Tough Old Gut 14: Its A Lovely Day, Tomorrow: Burma, 15: Home Fires:
Britain 1940-1941 16: Inside The Reich: Germany, 1940-1944 17: Morning: June - August 1944 18:
Occupation Holland, 1940-1944 19: Pincers: August 1944- March 1945 20: Genocide: 1941-1945 21:
Nemesis, Germany: February-May 1945 22: Japan: 1941-1945 23: Pacific: February 1942-July 1945 24:
The Bomb: February-September 1945 25: Reckoning" ], [ "The boys are working outside a recording studio when they hear \"the voice of an angel.\" That would
be Miss Van Doren, auditioning and going under the name of Miss Andrews because her father doesn't
approve of her being a \"radio singer\". However, she hopes a certain big-wig, Mrs. Bixby, a friend of
her dad's will hire her, and then he will have to give his approval.

She leaves but
within minutes the boys are running amok in the studio causing havoc and having other musicians out
to kill them after they ruin the recording session. Finally things calm down. \"Whew, we eluded
them,\" says Moe. \"Yeah, we got away, too,\" answers Curly.

The boys then fool around in
the studio, put on Miss Van Doren's record and Curly gets dressed in women's clothes and pretends
he's singing. Mrs. Bixby walks in, is impressed and hires \"Seniorita Cucacha\" on the spot! For an
extra $500, she's asked to come and sing at their high-society party that night. The rest, as they
say,is history as Curly pretends to be an opera singer with some funny results. Oh, by the way, he
accompanied by \"Senior Mucho\" and \"Senior Gusto.\"

What happens at the party is simply
that the truth wins out, but not before a few slapstick antics take place. In all, a pretty good
episode. I enjoyed it but wouldn't rate it as anything special." ], [ "Four holy young men from Mormon country go to L.A. to preach the gospel to urban heathens. But, one
of the young Mormons is a repressed gay who \"happens\" to cross paths with a very \"out\" young L.A.
party boy. (What would film plots be without coincidences?). These two, very different, young men
become friends, and in the process, affect each other's outlook which, in turn, sets up an
inevitable clash between gay and Mormon cultures.

That is the premise of \"Latter Days\", a
2003 film, written and directed by C.Jay Cox, himself a former Mormon missionary. The film's story
is, of course, highly relevant, especially in contemporary America. Variations of this story need to
be told, and retold, and retold, hopefully in future films ... because the underlying theme brings
to light the hatefully superior attitude that Christian fundamentalists too often display toward
gays. By its nature, \"Latter Days\" is provocative, and I doubt that the film was well received in
Provo or Pocatello, even though the script is intelligent, sensitive, and insightful." ], [ "Wow what an episode! After last week seeing Mellisa constantly making cameos about the friendship of
Annie and Brandi I almost puked. But that was nothing until seeing Mellisa's tirade after being
fired. Seeing her hobble around on her cast spewing out obscenities and screaming for someone to get
her purse was absolutely the most hilarious thing ever on reality TV. She continued to scream at
people off set to get her clothes \"all of them\" like someone else would wear one of her hideous
outfits. Mellisa you are like 40 years old and you still throw temper tantrums? Then Joan starts
calling Annie and Brandie every name in the book, and gets up and quits the show! Both Rivers are
spoiled brats who were only left on the show this long to keep ratings up. Mellisa crying and
refusing to do an exit interview, just proves to America what everyone thought, you are a spoiled
baby. WAH WAH I can't get my way! I love how Annie told the cameras she could manipulate Mellisa to
think her way, and then did exactly that. Mellisa is by far the smartest contestant and clearly
deserves to win the whole game." ], [ "It is ironic that during the '50s, when Douglas Sirk was at his most successful in terms of audience
appeal, he was virtually ignored by the critics… He is now seen, however, as a director of
formidable intellect who achieved his best work in melodrama…

\"Written on the Wind\" is
about the downfall of a Texan oil dynasty surrounded by worthless reputation, alcoholism, and
nymphomania… It is about the twisted, fatal connections between sex, power, and money...
/>Stack draws a compelling portrait of a tormented drunken destroyed by frustration, arrogance,
jealousy, insanity, and some deep insecurities…

Dorothy Malone succeeds as an attractive
woman with an excessive sexual appetites, degrading herself for Hudson and to other fellows in town…
Her best line: \"I'm filthy.\" In one frantic scene, we see her shaking, quivering and sweating to a
provocative mambo… In another weeping alone over a model oil-derrick at her father's desk—symbol of
excessive wealth and masculine tyranny…

The frenetic atmosphere is both made palatable
and intensified by Sirk's magnificent use of colors, lights, and careful use of mirrors…" ], [ "This film is a knockout, Fires on the plain referred to is, (the burning off at the end of harvest
time) A happy memory for Tamura, He relives this in his mind many time's,and at the end of this
bleak film, Like a man dying of thirst, he believe's he is home and this last illusion is all he has
left. Billy Wilder's The Big Carnival (Ace in the hole) is the only film (that comes to mind)that is
as bleak as this little masterpiece by Kon Ichikawa. While I think the whole film is brilliant Two
scenes that come to mind are when a platoon of Japanese soldiers trying to escape (Crawling on there
belly's)are ambushed by Americans and massacred,True Horror, And as an American soldier and a pretty
Philippine Girl soldier are having a cigarette on the side on the road, she smiles as she flits with
the yank,then her face Changes to rage as she see's two Japanese soldiers trying to surrrender, she
grabs a gun and kills them with joy, The American soldier attempts to stop her but has no chance ,
to me this speaks volumes at the atrocity's committed by the Japanese in the Philippines, all in all
a great film if you have the stomach for it." ], [ "The Director loves the actress and it shows. The actress inhabits the character, whom we love at
first sight and sound. The character loves her jealous unprepossessing husband and he loves her. His
childhood friend secretly loves his wife and the fact that his friend is a beautiful woman makes the
love tragic and ironic. His wife is jealous of his childhood friend and thinks her attentions are
out of secret love for her husband.

Then there is a murder and the investigating police
lieutenant, who loves only his bi-racial son, and resents being taken from his company by the above
characters, who have had some unpleasant contact with the deceased and are all lying to one degree
or another, unravels the mystery with some of the most precise and authentic procedural detail ever
captured on film.

And then there are the atmospherics of a post-war Paris, where coal is
in short supply, music is filled with erotic longing and wistful memory, and innocence has long ago
been washed away by the rain.

All of this in a milieu of magicians whose tricks don't
always work, dogs who walk on their hind feet and express music criticism, hungry news reporters and
exhausted cops.

And then there are many of the finest actors of their generation who have
been through some very bad years directed by, to come full circle, a man who is in love with his
lead actress and who, with full justification, was a respected friend of Picasso.

I've
seen this film often and I love all of them and it." ], [ "The story of an obsessed lover (Shahrukh Khan) and the lengths he goes to get his true love (Juhi
Chawla) who's already married to her husband (Sunny Deol). The film is considered one of Shahrukh
Khan's best performances and won him acclaim from critics and audiences alike. Fear that your love
may not be reciprocated, fear that you may lose the one you love, fear that your beloved could have
a change of heart. In short, fear is the villain in every love story.

But in 'Darr' fear
is the ultimate expression of passion, of obsession and of sacrifice. 'Darr' is Rahul's (Shahrukh
Khan) story whose love and obsession for Kiran (Juhi Chawla) frees him from all fears of life &
death. 'Darr' is Sunil's (Sunny Deol) story, whose enduring love and passion for Kiran gives him the
courage to face the fear of death.

And finally 'Darr' is Kiran's story who is caught
between one man's love and another man's obsession. She fears one & fears for the other. One stands
for love, the other for life. In this battle between love & life, the supreme victor is love,
because love always wins, in life & death. simply \"Darr\" is one of the best Indian films ever made." ], [ "There are enough sad stories about women and their oppression by religious, political and societal
means. Not to diminish the films and stories about genital mutilation and reproductive rights, as
well as wage inequality, and marginalization in society, all in the name of Allah or God or some
other ridiculous justification, but sometimes it is helpful to just take another approach and shed
some light on the subject.

The setting is the 2006 match between Iran and Bahrain to
qualify for the World Cup. Passions are high and several women try to disguise themselves as men to
get into the match.

The women who were caught (Played by Sima Mobarak-Shahi, Shayesteh
Irani, Ayda Sadeqi, Golnaz Farmani, and Mahnaz Zabihi) and detained for prosecution provided a funny
and illuminating glimpse into the customs of this country and, most likely, all Muslim countries.
Their interaction with the Iranian soldiers who were guarding and transporting them, both city and
villagers, and the father who was looking for his daughter provided some hilarious moments as we
thought about why they have such unwritten rules.

It is mainly about a paternalistic
society that feels it has to save it's women from the crude behavior of it's men. Rather than
educating the male population, they deny privilege and rights to the women.

Seeing the
changes in the soldiers responsible and the reflection of Iranian society, it is nos surprise this
film will not get any play in Iran. But Jafar Panahi has a winner on his hands for those able to see
it." ], [ "This film is a lyrical and romantic memoir told through the eyes an eleven year old boy living in a
rural Cuban town the year of the Castro revolution. It is an obviously genuine worthy labor of love.


The names CUBA LIBRE and CUBAN BLOOD are merely attempts to wrongly market this as an
action film. DREAMING OF JULIA makes much more sense. It has more in common with European cinema
than with RAMBO and the revolution is merely an inconvenience to people's daily lives and pursuits.
That fact alone makes the film more honest than most works dealing with this time period in Cuban
history.

The excessive use of the voice-over narrator does undermine the story but the
film makes up for it with unqualified clips from Hollywood films that say so much more visually than
the narrator could.

The comparisons to CINEMA PARADISO and are fair game as the film does
wax melancholy about movies, but there is an underlying pain at the loss of a lifestyle that
surpasses lost love.

The revolution, like the film JULIE, never seems to have an ending." ], [ "REIGN OVER ME (2007) *** Adam Sandler, Don Cheadle, Jada Pinkett-Smith, Liv Tyler, Saffron Burrows,
Donald Sutherland, Robert Klein, Melinda Dillon, Mike Binder, Jonathan Banks, Rae Allen, Paula
Newsome. At times affecting and at times middling dramedy about a thoroughly depressed man who lost
his family on 9/11 (Sandler in his best role since \"Punch-Drunk Love\") who winds up re-united with
his old college roommate and friend (Cheadle continuing to do impressive work with every role to
date), a well-to-do dentist who seems to have it all – family, wealth, happiness – but really sees
an ally in freedom with his troubled friend's own personal life offerings. Written and directed by
Binder (who co-stars as Sandler's former-best friend and acting accountant) with equal parts humor
and genuine heartache the film works best when the two stars share the screen until the last act
falls into an almost movie-of-the-week treacle with to tidy a solution to the matters at hand." ], [ "Sudden Impact is a two pronged story. Harry is targeted by the mob who want to kill him and Harry is
very glad to return the favour and show them how it's done. This little war puts Harry on suspension
which he doesn't care about but he goes away on a little vacation. Now the second part of the story.
Someone is killing some punks and Harry gets dragged into this situation where he meets Jennifer
spencer a woman with a secret that the little tourist town wants to keep quiet. The police Chief is
not a subtle man and he warns Harry to not get involved or cause any trouble. This is Harry Callahan
Trouble follows him. The mob tracks him to this town and hell opens up as Harry goes to war.
Meanwhile the vigilante strikes again and the gang having figured it out is ready for her. Jennifer
Spencer is caught and Harry comes to her rescue during the film's climax. Sudden Impact is not the
greatest Dirty Harry but at the time it gives us a Harry that is very much an anti hero ready to go
to war just to pursue Justice. Again not the best not the worst but the one with the most remembered
line. Go Ahead Make your day." ], [ "Aaron Sorking raises the same questions as Shakespeare did or does. How could they possibly know so
much about the inner workings of palace life. Here like in The West Wing, Sorkin opens surprising
doors that are hardly a shock but seem ton confirm our worst fears. Everything is so casual and at
the same time so directly responsible for so many people's lives. A puffy Tom Hanks tells us one way
or another that things can be manipulated with semi pure intentions but without weighing the
consequences and Julia Roberts in a blond southern hairdo reminds us of the powers harbored in the
sidelines. The subject is serious but the treatment is light, intelligent but light. Philip Seymour
Hoffman, as the invisible middle man, steals every scene he is in, just like Charles Laughton did in
every movie he was in.The dialogue is fast but not fast enough for us not to catch up and discover
that this is not an ordinary comedy. The seemingly casual pace filled with strokes of wit and
provocation grants another badge of honor in the Mike Nichol's collection." ], [ "It's particularly hard for a director to capture film-making without getting precious, inbred, over-
dramatic, or all three. Breillat ably demonstrates the instinctive, lizard-brain methods of a female
auteur in extracting from two \"cattle\" (as Hitchcock called actors) a love-scene of searing
intimacy. Her main battle is with her leading man (\"an actor is really a woman\" she opines),
although, naturally, it is the leading lady who will steal the show. I disagree that this is
Breillat's first comedy. 'Romance' was at various points hilarious, but I accept that the French
sense of humour can be elusive for foreigners; indeed, dozens of IMDb reviewers detected no comedy
in Romance. By contrast, Sex Is Comedy raises plenty of laughs, mainly by using an actor's prop that
goes back thousands of years to Plautus and the ancient Greeks. We wondered, leaving the theatre,
whether Roxane's \"beard\" was a wig. A lovely performance from Anne Parillaud as Breillat wrestling
with her own script, looking ten years younger than her age." ], [ "Barbara Stanwyck as a real tough cookie, a waitress to the working classes (and prostitute at the
hands of her father) who escapes to New York City and uses her feminine wiles to get a filing job,
moving on to Mortgage and Escrow, and later as assistant secretary to the second in command at the
bank. Dramatic study of a female character unafraid to be unseemly has lost none of its power over
the years, with Barbara acting up a storm (portraying a woman who learns to be a first-rate actress
herself). Parlaying a little Nietzschean philosophy into her messed up life, this lady crushes out
sentiment all right, but she never loses our fascination, our awe. She's a plain-spoken, hard-boiled
broad, but she's not a bitch, nor is she a man-eater or woman-hater. This gal is all out for
herself, and as we wait for her to eventually learn about real values in life, her journey up and
down the ladder of success provides heated, sexy entertainment. John Wayne (with thick black hair
and too much eye make-up) does well in an early role as the assistant in the file office, though all
the supporting players are quite good. *** from ****" ], [ "This picture was banned from American movies houses in the 1930 because of nudity by Hedy Lamarr,
(Eva Hermann) which caused all kinds of problems among the ladies in the 1930's but not so much for
the male population. This story concerns a young woman named Eva Hermann who gets married to an
older man and is carried over the threshold on the wedding night and the husband never consummates
the marriage and worries about all kinds of very petty things like his shoes and killing bugs. Eva
leaves her husband's house and lives with her father and tries to explain her situation. On a hot
Summer day Eva takes a ride on her horse and decides to go for a swim naked in a lake in the woods.
Her horse runs off and she runs after him and is observed by a young man who finds her clothes and
returns them to Eva. These two people become very acquainted and there is a romance that starts to
bloom. There are many more interesting problems that arise as you view this film to its very end.
Enjoy a great Classic film which was a Shocker Film in 1933. Enjoy." ], [ "While on vacation on Northern Australia, Gracie (Diana Glenn), her husband Adam (Andy Rodoreda) and
her younger sister Lee (Maeve Dermody) decide to take the Blackwater Barry tour in the swamp for
fishing. Their guide Jim (Ben Oxenbould) uses a small motor boat and takes the tourist along the
river to a remote spot. When they stop, they are attacked by a huge crocodile that capsizes their
boat and immediately kills Jim. The three survivors climb a tree and when they realize that help
would never come to rescue them, they decide to try to find a way out of their sheltered location.
However, in the muddy water, their boat is flipped and the crocodile stalks the trio under the
water.

\"Black Water\" is a tense, realistic and dramatic low-budget movie and in
accordance with the warning in the beginning, based on a true event. The acting of the unknown Diana
Glenn, Maeve Dermody and Andy Rodoreda is top-notch, giving credibility to this simple but scary
story. There are many similarities between this movie and \"Prey\", but in different environments. My
vote is seven.

Title (Brazil): \"Medo Profundo\" (\"Deep Fear\")" ], [ "This short subject gathered kudos from all kinds of places for its plea for religious toleration.


After a session at a recording studio Frank Sinatra leaves and comes upon a group of
kids beating up on another because he was Jewish. He lectured them as only an American icon could
about the meaning of prejudice and what we had just fought for against the Nazis. The meaning could
not be clearer.

Both songs from this short subject were recorded and sold big for
Columbia records. If You Are But A Dream and the song written for the film, The House I Live In. The
latter is one of the best songs about an idealized version of America, we'd all like to strive
for.

Sinatra in fact recorded The House I Live In again during the Sixties for a joint
album he did for his Reprise record label. The album is now a rarity and it shouldn't be. His
collaborators were Bing Crosby and Fred Waring and his Pennsylvanians with the orchestra conducted
by Nelson Riddle.

Axel Stordahl was Sinatra's primary music conductor and arranger during
the forties. When he died that position eventually fell to Nelson Riddle. Stordahl does the
orchestration for the short and the Columbia record, Riddle for the Reprise record.
/>Sinatra aficionados and others should listen to both back to back and compare. And catch this
worthwhile film whenever it is shown." ], [ "But how can you stand to mange a baseball team that can't win. For George Knox, it is not easy. As
the movie opens, Roger Beaumont (Joseph-Gordon-Levitt) and his best friend J.P (Milton Davis Jr.)
are riding on thier bikes around the angels' stadium. When they return to thier foster mother's
home, Roger is suprised to have a visit from his dad (Dermot Mulroney). His mom is dead! And when he
asks his father when they going to be a family again, he father jokes \"I say when the angels win the
division championship\" So later on, Roger and J.P hide in a tree to watch the angels play baseball.
When the manger George Knox (Danny Glover) take out his pitcher, the pitcher gets mad and gets into
a fight with him, and soon the angels team get into the fightm that gets Knox ejected from the game.
That night Roger makes a prayer, for the angles win the championship. When his foster mother Maggie
Nelson (Brenda Ficker) agrees that Roger and J.P go to a basball, Roger sees real angles come on the
field and helps the left fielder (Matthew McConaughey) makes a catch, that leaves the manger and the
play-by-play man (Jay. O Sanders) how did he to that. Roger learns from the head angel (Christopher
Lloyd) that only he can see the angles, because he was the only that prayed for help.
/>10/10" ], [ "Epic early film, directed by D.W. Griffith. Mae Marsh, her little sister, and their dogs are
orphaned - they must go to live with an uncle. Aboard their coach is young couple Lillian Gish and
Robert Harron, celebrating the birth of their first child. The coach arrives in Elderbush Gluch.
Marsh's uncle tells her she can't keep the dogs, and they are put out. There are Indians (Native
Americans) nearby; and, Indians love to eat dog meat (no kidding?). These Indians are hungry! Lionel
Barrymore is sympathetic to Ms. Marsh, desiring to help her recover the runaway dogs. While rescuing
the puppies, an Indian is shot - resulting in a \"Cowboys vs. Indians\" confrontation.

This
\"Saga of the American West\" is certainly an important film; however, the reliable Griffith
performers begin to overplay their hands, and the story is too contrived. Many of the Griffith
elements are in place - some good, and a few bad. \"The Battle at Elderbush Gluch\" foreshadows the
later epic, \"Birth of a Nation\".

******* The Battle at Elderbush Gulch (3/28/14) D.W.
Griffith ~ Mae Marsh, Robert Harron, Lillian Gish" ], [ "Action & Adventure.Billie Clark is twenty years old, very pretty, and without a care in the
world,until a brutal street gang violates her life, and she turns into an ALLEY CAT bent on revenge!
When the gang attacks her grandparents house and her car, Billie uses her black belt prowess to
fight them off. But at the same time she earns their hatred, and she and her grandparents are marked
for vengence.When her grandparents lose their lives to the brutal thugs. Billie becomes like a cat
stalking her prey-and no prison,police force,boyfriend,or crooked judge can get in the way of her
avenging claws. She's a one-woman vigilante squad,a martial arts queen,a crack shot with no mercy.
She's the ALLEY CAT.Watch for the dramatic ending versus the Gang leader! Rated R for Nudity &
Violence, Other Films with Karin Mani: Actress - filmography,Avenging Angel (1985) .... Janie Soon
Lee , \"From Here to Eternity\" (1979) (mini) TV Series .... Tawny, Filmography as: Actress, Stunts -
filmography,Avenging Angel (1985) (stunts)P.S. She should have been Catwoman in the Batman Movie!/>
" ], [ "Episode No. thirteen of the fanciful (excuse the incredibly gay terminology) \"Supernatural\" TV
series relocates Sam and Dean Winchester to Missouri where they have been called upon by an old
flame of Dean's to investigate a string of mysterious murders occurring in their small town. As it
turns out, a large pick-up truck with an unseen driver is running down African Americans on a
desolate stretch of road... While Dean attempts to rekindle his past love affair, more towns people
turn up as roadkill. The cause appears to be due to a past racial incident back in the 60s, causing
a frustrated redneck spirit to remain in ghostly limbo, seeking to kill black motorists. \"Route 666\"
is another good installment (which isn't uncommon, I've noticed) which contains a few notable
aspects pertaining to the pair of main characters such as Dean getting laid and Sam's admitted
regret for having left college... The killer truck does't come across as the most terrifying thing
in the world, though, for an hour long show, it does it's job well. Not a hands-down fantastic
episode, but a solid concept with more horror movie references." ], [ "Nazarin is some kind of saint,he wants to live in life exactly how Christ taught man to do.But it's
too late:now the Catholic Church is between the hands of a wealthy bourgeoisie,the bishops live in
luxury and don't give a damn about the poor and the sick.That's why our hero can't follow the way
his hierarchy asks him to follow.So he divests himself of everything,and on his way to purity,he's
joined by some kind of Mary Magdelene and a woman who's attracted by him sexually (the scene between
this girl and her fiancé is telling).In Spain (it was the late fifties),they thought Nazarin was a
Christian movie!Knowing Luis Bunuel,it was downright incongruous:all his work is anticlerical to a
fault.Comparing Nazarin and his \"holy women\" to Jesus is a nonsense.On Nazarin's way,only brambles
and couch grass grow.His attempt at helping working men on the road is a failure,he's chased out as
a strike-breaker.All his words amount to nothing.At the end of the journey,he's arrested and offered
a pineapple by a woman(Bunuelian sexual symbol). Thanks to \"Nazarin\" ,Bunuel was allowed to return
to Spain (where the censors had not got a clue ) and to direct \"Viridiana\"." ], [ "Dolelemite (1975) is a cult classic. Starring Rudy Ray Moore as the pimp superhero out to wrong
rights whilst challenging the MAN along the way. He has two enemies, that no good Willie Green and
the sleazy mayor. Watch Dolemite kick, punch, slap and pimp his way across the screen. What's the
man's name? DOLEMITE!

Interesting film that paved the way for a generation of rappers and
performers. To sell more of his party albums, Rudy Ray Moore made several on the cheap films during
the seventies. Self produced and marketed he catered towards a specific audience. Some people call
it blacksploitation others call it trash, I call it entertaining. Dolemite was followed by the semi-
sequel The Human Tornado and a direct to video Return of Dolemite 25 years later.

Highly
recommended, a definite cult classic!

Footnotes, if the film was properly matted on
video you wouldn't see the boom mikes. Dolemite was cut to receive an R-rating." ], [ "Reviewed at the World Premiere screening Sept. 9, 2006 at the Isabel Bader Theatre during the
Toronto International Film Festival (TIFF).

This had an interesting premise but seemed to
go on too long with too many shots of piles of eWaste (recycled computers, keyboards, cables etc.
shipped over to China by the ton and then sorted and remade into new products to sell back) and
other desolation.

The filmmakers tried to get more people interviews to boost the human
element but were frequently prevented from doing so due to Chinese censorship. Still, what was there
was interesting. The bits of a Shanghai high end real estate agent preening and strutting around
showing off her luxurious mansion and gardens, intercut with the scenes of others living in medieval
conditions were especially striking. The opening tracking shot of a 480m factory floor was quite
something as well. Scenes of the activity at the Three Gorges Dam project were also a complement to
the Jia Khang-je films at TIFF (the feature Still Life/Sanxia Haoren & the documentary Dong) which
were also built around that subject.

Director Jennifer Baichwal, Producer Nick de
Pencier, Cinematographer Peter Mettler and subject Edward Burtynsky were all there on stage for a
Q&A after the world premiere. Producer Noah Weinzweig was introduced from the audience and was
thanked as the most key person that assisted in the on the ground access in China itself." ], [ "In Paris, the shy and insecure bureaucrat Trelkovsky (Roman Polanski) rents an old apartment without
bathroom where the previous tenant, the Egyptologist Simone Choule (Dominique Poulange), committed
suicide. The unfriendly concierge (Shelley Winters) and the tough landlord Mr. Zy (Melvyn Douglas)
establish stringent rules of behavior and Trekovsky feels ridden by his neighbors. Meanwhile he
visits Simone in the hospital and befriends her girlfriend Stella (Isabelle Adjani). After the death
of Simone, Trekovsky feels obsessed for her and believes his landlord and neighbors are plotting a
scheme to force him to also commit suicide.

The weird \"Le Locataire\" is a disturbing and
creepy tale of paranoia and delusion. The story and the process of madness and loss of identity of
the lonely Trelkovsky are slowly developed in a nightmarish atmosphere in the gruesome location of
his apartment, and what is happening indeed is totally unpredictable. The performances are awesome
and Isabelle Adjani is extremely beautiful. My vote is eight.

Title (Brazil): \"O
Inquilino\" (\"The Tenant\")" ], [ "Some days ago, in Rome, a young Romanian man with criminal precedents assaulted and tortured to
death a middle-age lady coming back home after an afternoon of shopping. A Romanian girl, who had
seen everything, reported what happened.

Therefore, it started a debate about the too
much intense flow of immigrants from Romania, generalizing them as criminals, everyone,
indiscriminately.

I'm only 15, but I thought: what idea of affluence does Italy give to
these poor people? How ever do they regard us as the Land of Plenty? Yesterday evening I finally saw
NUOVOMONDO, and my question had an answer. When you have only a donkey and some goats, those
propaganda postcards showing United States as a land with milk rivers and huge vegetables, makes
such an impression.

NUOVOMONDO is really a must-see film. It balances an ethereal
symbolism (milk rivers, glances' play, hard and rocky mountains, the name and character Lucy/Luce)
and a cruel realism (the mass of hopeful people on the ship, the procedures at Ellis Island).
There's a mixed cast, going from the angelic Charlotte Gainsbourg to the realistic Vincenzo Amato,
till a bitter and smashing Aurora Quattrocchi as the mother. But was it really so hard to enter in
the New World?" ], [ "Having just got the \"Loony Tunes Golden Collection\"(which i HIGHLY recommend, by the way), I'm going
to try to comment on most if not all of the cartoons individually. As such the starting statement
might seem redundant for those whom read multiple reviews of them, for this i apologize.
/>Rabbit Seasoning is the middle short in a trilogy of like-minded shorts (the other two being
\"Rabbit Fire\" and \"Duck! Rabbit, Duck). Bags and Daffy argue about who Elmer Fudd should short. It
makes me laugh EVERY SINGLE TIME!!! On the DVD it has a commentary, featurette, & option to play it
music only.

My Grade: A+

DVD Extras: Disk 1: an introduction by Chuck Jones;
The Boy of Termite Terrice part 1; clips from the films \"Two Guys from Texas\" and \"My Dream is
Yours\", both with Bugs cameos; Bridging sequences for an episode of \"the Bugs Bunny show\"; the Astro
Nuts audio recording session; 2 vintage trailers; \"Blooper Bunny: Bugs Bunny 51st and a half
anniversary\" with optional commentary with writer Greg Ford & stills gallery" ], [ "This is a profound and moving work about the creation of art, that which is uniquely human and
cannot be produced by nature, the cost of genius and the search for transcendence and what in the
end constitutes family, i.e, all of us. I was very much moved by the family discussion that
Nathaniel had with his sisters about the shortcomings of their father as it was set in a beautiful
home that seemed to radiate warmth that Lou had created. And although Esther seems so cold in her
discussion about Lou's inability to make money you can appreciate how she at many points in his life
must have been a counter-weight to his impulses. Nathaniel did a great job of showing how all of the
people in Lou's life fit in and completed it and became as much a part of his work as his own
genius. Yes even, or maybe especially, our failures make us who we are. And of course there are the
buildings. I had only known Lou Kahn by name and did not really connect his name to his work, they
are evidence of grace. Perhaps someday there will be a building where we will all fit, and it will
certainly resemble a Lou Kahn building, perhaps the unbuilt temple in Jerusalem. Perhaps there is
salvation" ], [ "One of the best 'guy' movies I've ever seen has to be the Wind and the Lion. Gad, the scenes.../>
Raisouli's bandits swarm over the wall... A staid British gentleman calmly gets up from tea
with Candice Bergen and drops three of them with a Webley revolver in his coat. A whisper from the
ghost of Empire... Lest we forget! Lest we forget!

U.S. Marines coming ashore from the
long, long gone _Brooklyn_. They were carrying Krags, it should have been Lees, but, oh wow. And the
Winchester 97 blowing large holes in obstreperous natives and even more obstreperous and faithless
Europeans...

Raisouli --Sean Connery, o, Wow!--wondering 'What kind of gun does
Roosevelt use?\"

Teddy Roosevelt--Brian Keith, o, Wow!--wondering \"What kind of gun does
Raisouli use?' and writing yet another angry letter to Winchester about the stock on his Winchester
95.

Raisouli, armed with but a sword... A Prussian cavalry officer, HOLSTERING his pistol
and drawing HIS sword... Honor. That's something long dead, from a world long gone, but Raisouli
would never have flown a plane full of children into a building...

Milious at Milious's
magnificent best, and now out on DVD." ], [ "This film was full of suspense and was well directed, the black and white effect made it a great
mystery. Fay Emerson,(Hilda Fenchurch) who was married twice to the famous musician Skitch Henderson
and also the son of Elliott Roosevelt, (FDR's Son) fell madly in love with Zachary Scott( Ronnie
Mason/Marsh). Ronnie wins the hearts of all the ladies in the picture, even Mona Freeman(Anne
Fenchurch) and proposes marriage whenever he can. Rosemary DeCamp (Dr. Jane Silla)(famous radio and
tv actress in the 30's and 40's played mostly small town MOM'S) warned the ladies about Ronnie
Mason's sick mind, and the abusive childhood he had when growing up, which caused his love/hate
relationship with women. Fay Emerson and Zachary Scott would have been greater stars with more
rewarding roles, but their lives were short lived in real life. This film is beyond critizing, it is
a trully great 1945 film classic for many generations to view and enjoy!" ], [ "Pepe Le Pew can either really creep you out or totally sweep you off your feet. Either way, you
can't help feeling a little awe on beholding this classic WB character. This commentater personally
believes that Pepe was the inspiration behind other would be animated casanovas today from Cartoon
Network's \"Johnny Bravo\" to Disney's Lumiere from \"Beauty and the Beast\".

His unique
brand of love making is to be wondered at in today's world where his antics would normally be
slapped with a sexual harassment warrant and at least a 50m distance from all his victims.
/>In this particular cartoon, a world weary cat decides to do an ultimate makeover and earn some
respect for a change for pretending to be a skunk. All goes well, until Pepe arrives and promptly
pursues the unfortunate feline with his overwhelmingly enthusiastic love-making.

The
groundwork for Pepe's many trademarks are laid in this cartoon. From his adorable \"frenchified\" love
calls to that aggravatingly calm hop-chase of his.

This cartoon only goes to show that
as far as the world of cartoon fantasy is concerned, the most ardent wooer can go the distance...and
have his beloved \"pig-eon\" leaving dust trails behind them." ], [ "Stan & Ollie become SAPS AT SEA when their wayward little boat is commandeered by a vicious
murderer.

The Boys are wonderful in this feature, which starts out with one of their most
hilarious set pieces, the horn factory. Always a few steps out of sync with the rest of Creation,
Laurel & Hardy inhabit a world where icy radios & bedded billy goats are the rule, not the
exception. With its brief length, the film is more in style with their classic short subjects, which
explains its episodic nature.

Only the Boys get screen credit, but movie mavens will
recognize other familiar faces: James Finlayson appears as a loony doctor, Richard Cramer does full
justice to his bad guy role, sweet Mary Gordon plays the Boys' perplexed neighbor. That's Charlie
Hall as the apartment house desk clerk and silent screen comic Ben Turpin portrays a most peculiar
plumber.

One of the film's script writers was silent comedian Harry Langdon.
/>Stan & Ollie are the main focus, however. Watching Hardy go berserk at the sound of a horn, or
Laurel's antics with bananas, for instance, reminds the viewer why these fellows remain absolute
cinematic giants." ], [ "I remember Casper comic books, but don't remember any cartoons. Maybe they weren't memorable; I
don't know but at my advanced age, here I am watching this very early Casper animated short
yesterday. Afterward, I was shocked to read the user-comments here. Did people miss the ending?/>
I have to learn all over again that Casper isn't like the other ghosts, who like to go out
each night and scare the c--p out of everyone. \"He sees no future in that,\" according to the
narrator here. Instead, one night he goes out to the rural section of town, inadvertently scares
some animals and can't find any friends. It brings him to tears, until a little fox hears him
bawling and befriends him. The two become buddies but soon, the fox is running for his life with a
fox hunt in progress.

Other reviews have all mentioned what happens, so I'll touch on
that, too. The fox is killed by hunting dogs (not shown) and Casper is in tears for losing \"the only
friend I ever had.\" But, nobody mentions the happy ending to this story. \"Ferdie\" the fox becomes a
spirit-figure like Casper, jumps on his lap, licks his face and the narrator comments \"they lived
happily ever after.\" Both characters look overjoyed.

What is so sad about that? This is a
nice story with a nice, happy ending." ], [ "Back in 1994, I had a really lengthy vacation around the Fourth of July - something like 17 days off
in a row what with two weeks paid vacation, weekends and the holiday itself. I stayed in town during
that time, hanging out at my parents' house a lot.

I didn't have a TV in my apartment so
I used to watch my parents' tube. I had just finished watching a segment of the X Files when a
program came on called Personal FX. I was hooked instantly. I had always been fascinated with items
in our home that had come from my parents' family homes and through inheritances from relatives'
estates, and often wondered about their history, value, etc.

After my long vacation, I
used to go to my folks' house on my lunch-hours just to catch Personal FX.

I can remember
one episode during which co-host Claire Carter announced that the New York apartment in which the
series was filmed was being renovated and that once said renovations were complete that Personl FX
would return to the air.

It never did! Personal FX was the first -and best - of the
collectible shows. And it vanished from the air! Almost fifteen years later, I'm still sore./>
Way to go, FX." ], [ "Considering all of the comedies with a military situation that have been done in history, someone
had to be the first. One could make a case that in Shoulder Arms, Charlie Chaplin invented the
genre.

Hard to believe that back then this was a daring move. When you consider that some
of the best films involving such people as Bob Hope, Abbott&Costello, Laurel&Hardy involved military
service and made during war time, it's just something you accept and laugh at.

In the
First World War Chaplin along with fellow stars Douglas Fairbanks and Mary Pickford went out on bond
tours. He was a great supporter of the Allied cause, unusual for someone of his left wing views. It
would seem only natural that the Tramp would be drafted and unfortunately would flummox around and
wreak havoc on all.

A lot of things you'd see in the service comedies of World War II got
their start in Shoulder Arms. Chaplin had no more imitators because within a few weeks of the film's
release, the war was over.

But a comedy art form had been established by one of comedy's
greatest geniuses." ], [ "This episode of Twilight Zone combines a silent section (1890) with melodramatic acting and sight
gags, an homage to the early Buster Keaton films. Lots of slapstick: Buster falling on a bulkhead
door, falling in a puddle, running around pants-less. Silly scientist's invention of a Time Helmet,
reminiscent of a Flash Gordon idea of what the future would be. Cheap prices, like $1.95 for ladies
hats, or 17 cents a pound for beef seem outrageously high to Buster. Even the world of 1890 is too
much for Buster/Mulligan. How shocking when he is mistakenly transported to the \"modern\" world of
1960! Buster was trying to go backwards! The \"scientist\" of that time wants to return to a calmer
world, the 1890 that he has studied and admired. They go back together, and Buster/Mulligan is now
happy and the \"scientist\" regrets not having electronic equipment, modern beds or an electric
blanket. So Buster sends him back with the crazy helmet.

This Twilight Zone doesn't have
a heavy message. Since Buster Keaton died in 1966, it is one of his last efforts. That's enough./>
One other cute thing--longtime underutilized Maytag Man Jesse White is a repairman who fixes
the Time Helmet--foreshadowing his washing machine career." ], [ "Wow - most of the audience just seemed to shake their heads through much of this documentary at the
sheer wizardry displayed on screen.

The shift from the early days as a New-York based
black-American phenomenon to current days as a racially diverse subculture (and largely West Coast-
based) is profiled well.

The humble turntable is not given the respect of any traditional
musical instrument, but it can be so much more versatile and technically complex. These DJs take the
required skills for any musical instrument - dexterity, rhythm and timing, among others - and apply
them to a new technology with several more variables.

DJ Qbert's comment that he pictures
what \"music\" must sound like on advanced planets and then works it out, seemingly silly at first,
makes more and more sense as you watch these guys go and spit out a multitude of sounds that no
single traditional instrument could ever create!

Some critics have said that this film
focuses too much on certain 'stars' and squanders an opportunity to profile the wider hip-hop
culture. One film at a time people!" ], [ "\"Un Gatto nel Cervello\"/\"Cat in the Brain\" is one of the goriest horror movies ever made.There is a
lot of blood and gore,including chainsaw butchery,bloody stabbings and numerous decapitations.The
film is also interesting as \"self parody\" of Fulci,but the gore and violence is the key element in
it.Some of the gore FX were taken from own Fulci's movies \"Quando Alice Ruppe lo Specchio\" and \"I
Fantasmi di Sodoma\"(both 1988),plus gore FX taken from Fulci-supervised \"The Snake House\" aka
\"Bloody Psycho\" by Leandro Lucchetti,\"Massacre\" by Andrea Bianchi,\"Non Avere Paura Della Zia Marta\"
by Mario Bianchi,\"Non Si Sevizia i Bambini\" by Giovanni Simonelli and \"Luna di Sangue\" aka \"Fuga
dalla Morte\" by Enzo Milioni(all 1989).The scene where Brett Halsey beats the woman's face to pulp
is from \"Quando Alice Ruppe lo Specchio\",a film Fulci had made for Italian TV in 1988.The
chainsawing of the female corpse at the beginning is taken from the same film,as is the head in the
microwave and the guy that gets driven over and over again.Highly recommended,especially if you like
extreme cinema!" ], [ "This little short absolutely fascinates me.

The only thing I've seen thus far like it is
some of the work by Sam Brakhage, the creator of Dog Star Man. However, where Brakhage is trying to
unnerve by \"making us learn how to see again\" and provide us with an affront of head-ache inducing
bright colors and flashes (which I still totally dig and embrace as high art...), this film I would
characterize as very relaxing and hypnotizing. Man Ray's general use of spinning objects/camera does
not create so much of a dizzy feeling but a warm flow of senses, intermingling and going along with
the gravity of the moving world around us.

An interesting conceit of this very short work
is that as it goes along, objects become more and more recognizable until we end on a nude torso (of
which I feel is the least feminine well-rounded breasts I've ever seen). The circles and spirals of
shadow and light over the torso make it an object of surrealistic beauty, something that you could
hang on your wall and delve over forever. It's because of this and other images in this film that I
had to watch it again and again (eventually a total seven times) just because it utterly fascinates
me.

--PolarisDiB" ], [ "Le conseguenze dell'amore (2004)is a beautifully made film that takes small carefully positioned
steps towards its ending that need to be savoured in order to be enjoyed. From the contrasting
landscapes, to the tightly enclosed world that the hero inhabits, we are taken by the Director and
controlled from the very moment we enter the hotel. We, like the hero, will never escape from the
suffocating intensity and paradoxical monotony of his criminally driven, Mafia world. That the film
resists Mafia stereotypes whilst revelling in them makes it all the more successful. The concrete
grave, the inevitable brutal executions and overwhelming maleness are laid bare and exposed for what
they are. Just brutality and business, and no more. Life is about being part of the corporate
machine that is organised crime and not about love or living for self, family or others. Our hero is
indeed a hero in that he gives up his life for the sake of the touch of the beautiful barmaid, the
resolution of the misery suffered by his only neighbours in the hotel and in order to escape his
decorative prison. The consequences of love are indeed beautiful and brutal at the same time. See
it!!" ], [ "The entire 10:15 minute presentation is done in a very non-threatening and non-medical way that even
preteen children can easily understand. It dispels many of the myths surrounding menstruation that
were going around in those days (1946) While sex is not explicitly mentioned, the part about
fertilization is. This is also, purportedly, the first Hollywood production to ever use the word
\"vagina\" in the dialogue.

It is cute how the animated character is shown topless in the
shower in a purely animated character way with no defining features as was the way of the day. Many
of the Betty Boop cartoons showed her undress without revealing any defining features either. Max
Fleischer was a bit of a card and did this with many of the Betty Boop cartoons which required
frame-by-frame viewing to find them.

There is no mention at the beginning or end of the
film as to who the female narrator is. In fact, there are no credits whatsoever other than those
mentioning Kotex and Kimberly-Clark Corporation.

This title is nearly impossible to
attain; but for those who are Bittorrent downloaders, it can be found out there in the ether. This
is one of those \"keepers\" that will become increasingly hard to find as older short subject features
fade into obscurity." ], [ "In America, the Jewish Jonathan Safran Foer (Elijah Wood) collects personal belongings of his family
for recollection. A few moments before dying, his grandmother gives an old photograph of his
grandfather with a woman called Augustine in Ukraine. Jonathan contacts the Odessa Heritage Tours, a
family agency in Ukraine, to guide him to the location where the picture had been taken to find
Augustine, and together with the interpreter Alex (Eugene Hutz), his grandfather and a weird dog,
they travel in an old car searching the missing past of Jonathan's family.

\"Everything Is
Illuminated\" is a strange movie about a weird young man with the compulsive behavior of collecting
souvenirs from his family to not forget them that seeks the past of his grandfather to understand
how could be his life if his grandfather had not moved to USA. This bizarre vegetarian character
meets a dysfunctional Ukrainian family that owns an amateurish travel agency specialized in helping
Jews to find missing relatives, and together they have an almost surrealistic road-trip through the
country of Ukraine. The movie begins like a comedy, with a sarcastic black humor, and ends in a
touching and tragic drama recommended for specific audiences. My vote is seven.

Title
(Brazil): \"Uma Vida Iluminada\" (\"An Illuminated Life\")" ], [ "This film has some rather shocking scenes and subject matter considering it was made in 1971./>
Clint Eastwood, Geraldine Page, and Elizabeth Hartman do excellent work in the film, as do
all the cast members.

Set during the Civil War, the film begins when a wounded Yankee
soldier, Johnny, portrayed by Clint Eastwood, is given refuge and help at a girls academy located in
the south.

The headmistress of the school, Ms. Farnsworth (Geraldine Page), the one
teacher-Edwina (Elizabeth Hartman), and a small group of half grown girls have been without a man in
their midst for perhaps a little too long.

While their loyalties lay with the
Confederacy-- their emotions and physical needs definitely lead them in the opposite direction.
Johnny immediately uses his masculine charms to try to win the women over to his side--and keep them
from turning him over to the patrollers.

However, feelings previously stoked by
incestuous behavior, an adulterous father, a brutal rape, and adolescent inexperience combined with
jealousies--turn things upside down with some unexpected consequences for both Johnny and the
school's residents.

10 stars" ], [ "The H.G. Wells Classic has had several Incarnations. The 05' Speilburg Version and the classic 53'
version But only this one stays completely true to the book. Nothing is changed nothing is
removed.

Originally Released as a 3-hour film. The director Re-Cut the film down to
2-hours of pure excellence. Its got a chapter by chapter visualization of the novels pages that
\"Wells would be Proud Of\" The story is as everyone remembers. Martians Invade the Earth with
Capsules containing an army of Tripod walking War Machines. The people of 19th century earth are
ill-prepared to repel the alien forces and fight back with canons and guns who mes shells bound
right off the Walkers and when humanity is no longer a world wide power they are saved by the
smallest of organisms on earth.

The Film is an excellent accomplishment for director
Timothy Hines who has great potential as he brought this vision to life with a meager 5 Million
budget. Today B-Movies have larger budgets." ], [ "A toothsome little potboiler whose 65-minute length doesn't seem a second too short, My Name is
Julia Ross harks back to an English tradition of things not being what they seem -- Hitchcock's The
Lady Vanishes is one example. Out-of-work Julia Ross (Nina Foch) finds a dream job at a new
employment agency in London, whose sinister representative seems very anxious to ascertain if she
has living relatives or a boyfriend. After reporting to duty, she wakes up (Having Been Drugged) in
a vast Manderley-like pile on the Cornish coast, supposedly as the barmy-in-the-crumpet wife of
George Macready, who displays an alarming interest in knives and ice picks. His doting, enabling mum
is the irresistible Dame May Whitty (this time a model of bustling efficiency on the other side of
good-vs-evil than she occupied in The Lady Vanishes). The nightmare vision of this tale unfolds
claustrophobically; we know what's going on but are powerless to tell poor Julia. This movie,
curiously, is regularly accorded a place of honor as one of the earliest (and very few British)
films noirs. I think it's closer to the Gothic old-dark-house tradition than the American one of wet
cobblestones and urban corruption; it does, however, evince a more modern, psychoanalytic cast of
mind. Whatever you call it, it remains a sharply satisfying thriller." ], [ "The title of this film is taken from a party game called \"Seven Minutes in Heaven.\" The game was
popular among my husband's friends when he was in junior high school in Brooklyn, NY, and he
describes it as something like \"Spin-the-Bottle,\" \"Lifesaver Relay,\" and other preteen kissing
games. According to the rules, a boy's name and a girl's would be drawn, and the chosen ones ordered
to get into a dark closet together and to stay there for seven minutes. In the meantime, there would
be speculation among party guests as to whether or not the two had the nerve to hold hands, embrace,
and/or kiss each other in the privacy of the closet. At the end of seven minutes, the game leader
would say, \"Time's up\" or knock on the closet door, and the couple would emerge from the closet.
After being quizzed by the other guests, the couple would have to admit what they had done during
their \"Seven Minutes in Heaven.\" Then other couples would be chosen to enter the closet until all
the guests had participated. The couple who admitted to doing the most would be the winners of the
game.

Such games have served as social \"ice-breakers\" for children and teens, but they
can be embarrassing and intimidating to shy individuals. The film has been given this title because
it deals with the teens' first experiences with crushes and romantic love." ], [ "Crackerjack is a hit and miss film set in the Australian suburban lawn bowls club of Cityside. Mick
Molloy plays a scammer who has been scoring free parking spaces at Cityside. When the club is put
under pressure to install poker machines in it's premises they need to raise $8000 to keep this from
happening. The club needs new members to help and this is where Mick molloys character comes in and
has to bowl to save the club. With many up and coming and aging Australian actors Crackerjack is a
hidden gem. Be warned though most of the jokes are for those with a knowledge of lawn bowls but
there are many amusing sight gags that provide comical relief. Sam Johnson and Judith Lucy co-star.
Overall the movie should be recommended for people who play lawn bowls or have played but there is
enough other material in there for an amusing play if you have a slight understanding. If you enjoy
Australian humour I suggest you get you're bowling whites on and head on out to the theatre because
this is the premiere lawn bowls comedy of the year(also the only one)." ], [ "Brokedown Palace is truly a one of a kind. It's an amazing story, showing two girl's plight for
freedom against the Thailand justice system. They soon find themselves placing faith into a system
they know nothing about.

Alice Morano (Claire Danes) and Darlene Davis (Kate Beckinsale),
are two best friends, strait out of high school. They suddenly change their vacation plans from
Hawaii to Thailand, and are immediately captivated by a young man, Nick Parks. He flirts with them
both, and suggests that the three of them go to Hong Kong for the weekend.

When the two
arrive at the airport, they are immediately searched for drugs. Someone tipped off customs, and in
an instant, their life is changed forever. In the mix of the confusion of settling into their new
life, they learn about a highly respected lawyer, named Hank Green (Bill Pullman).

An
American who knows the Thai justice system, he fights for the girl to be free. But they soon find
out, when they leave or go is all up to them.

If you're looking for a great movie that'll
stay with you for years - Brokedown Palace is definitely the way to go." ], [ "Tho 35 years old, Groove Tube looks a lot like actual TV today! Specialty niche networks (nude
sports), a TV show about stoner drug dealers called the Dealers (ala Weeds, and even predating
1978's Cheech & Chong Up In Smoke), weird beer commercials (Butz Beer, no less bizarre than Bud
Bowls), dirty-minded kid's clown Koko (shades of Pee Wee Herman), even Chevy Chase doing slapstick
humor (a violent barbershop vocal duo) a year before his 1975 debut on Saturday Night Live. And
thanks to the infamous opening sequence that earned Groove Tube an initial X-rating, I still can't
hear Curtis Mayfield's \"Move On Up\" without thinking of naked dancing hitchhiking hippies ---- For
similar sketch-style movies, see TunnelVision, Kentucky Fried Movie, Amazon Women on the Mood, Monty
Python's Beyond the Fringe, Dynamite Chicken, and the Firesign Theatre's Everything You Know is
Wrong." ], [ "Chloe is mysteriously saved from Dr. Caselli, the corrupt doctor responsible for transferring
patients with abilities from Belle Reve to Project 33.1, and a fraction of second later Clark
arrives. He finds that Bart Allan has returned to Smallville and they meet each other in Kent Farm.
When Bart is captured by Lex during a break-in in a LuthorCorp's facility, Clark discovers that the
Green Arrow had also hired Bart (a.k.a. Impulse), Arthur Curry (Aquaman) and Victor Stone (Cyborg)
to investigate the Project 33.1. Clark accepts to join the trio to save Bart and invites Chloe to
participate of their mission.

\"Justice\" is the best episode so far of this 6th Season. In
this episode, the Justice League begins its saga with the association of five heroes: Clark, Green
Arrow, The Flash (\"Impulse\"), Aquaman and Cyborg. The participation of Chloe is spectacular,
completing the necessary organization to the teamwork. In the end, Oliver breaks up with Lois based
on the importance of fighting against criminals and Lex's secret laboratories around the world. My
vote is ten.

Title (Brazil): \"Justiça\" (\"Justice\")" ], [ "Duchess is a pretty white cat who lives with her three kittens in her wealthy owner's mansion in
Paris. When the evil butler hears that the rich old lady is leaving everything in her will to the
cats first, the butler is angered, because he wants to get everything first. So he puts them to
sleep and abandons them off the side of the road. When the cats wake up, they start on a long trek
home. A street wise cat named Thomas O'Malley meets up with them and offers to help them. When Edgar
sees them arriving home, he is furious, and starts to mail them to Timbucktu. But Thomas' friends
arrive to help save the day. The wealthy lady decides to leave her home for every alley cat in
Paris.

This is a charming film. The songs, including \"Everybody Wants to be a Cat\", are
lively and upbeat. The voice cast is excellent, with Eva Gabor(who would later play Miss Bianca in
Disney's THE RESCUERS films) as Duchess, Phil Harris(Baloo in THE JUNGLE BOOK, Little John in ROBIN
HOOD) as Thomas, giving interesting personalities to their characters. Supposedly Walt Disney,
before he died in 1966, gave the go-ahead to this film. Recommended for Disney fans or cat lovers
everywhere! 10/10." ], [ "A truly scary film. Happening across curmudgeon James Kunstler's rants led me to recently-formed web
logs like Life After the Oil Crash (LATOC), Energy Bulletin, and The Oil Drum, and the data behind
the theory of Hubbert's Peak. Like this film, LATOC and Kunstler paint a grim picture of die-off or
die-back. I hope they're premature, but in mid-2005 rising gasoline prices, rising oil prices,
Chevron's Will You Join Us campaign, BP becoming Beyond Petroleum and even T Boone Pickens lend
credence to the idea that we are at or near a peak of oil production.

After copious
research of limited data, oil investment banker Matt Simmons has suggested that the Saudis may no
longer be able to increase production in their immense, but aging fields. In the face of increased
demand (primarily from the US and China), the Saudis have not responded with higher production,
despite previous assurances. Stated world production from 2000 and 2004 indicates that light, sweet
crude has indeed peaked. which means that refining will become more costly.

The film
seems aimed at baby boomers, but younger people, our children, also need to understand the
implications of an energy-depleted future." ], [ "Wracked with guilt after a lot of things felt apart on that ledge, an ace mountain rescue climber
Gabriel Walker (Stallone) comes back for his girlfriend Jessie (Janine Turner), while over the
cloudy skies where the weather looks a bit threatening, a spectacularly precarious mid-air hijacking
goes wrong and $100 million taken from a Treasury Department plane get lost in the middle of nowhere
followed by a crash landing…

Stranded off the snowy peaks, and needing mountain guides
to win back the stolen cash, the high-trained hikers make an emergency call asking the help of a
rescue unit…

Unfortunately, Gab and Hall (Michael Rooker) have to team up to arrive at
the scene of the crash unaware that the distress call was a fake, and a bunch of merciless
terrorists led by a psychotic (John Lithgow),are waiting for them only to find out a way off the
stormy mountain with the dumped cases of money…

With breathtaking shots, vertiginous
scenery, dizzying heights, perilous climbs, freezing temperatures, \"Cliffhanger\" is definitely
Stallone's best action adventure movie…" ], [ "Babette's Feast, for me, is about healing: mending the schism between spirit and body in orthodox
Christianity. This puritanical community in remote Denmark is missing an adequate appreciation of
all of God's gifts in creation. They have taken the dualism of St. Paul to an extreme, and stress
the life of the \"spirit,\" not the life of the \"flesh.\" Both elderly sisters, in their youth, were
frightened by the lure of love and the temptations of life outside their simple village. They, and
their parishioners, cling to the narrow biblical interpretation of their former leader, and the
sisters' father. The aging congregation has become testy and quarrelsome, and the sisters don't know
what to do. Enter Babette, a French stranger, and someone to whom they can show kindness. They have
no way of knowing that she will ultimately return their kindness and give fertile soil to their dry,
dusty theology. Babette will give everything she has, and in the process, will teach the sisters and
their flock about grace, about sacrifice, about how sensual experience (as in the bread and wine of
the Eucharist) can change lives, and about why true art moves us so deeply. When they can forgive
each other, and themselves, they can focus on God's love that unfolds before them in a concrete way
in the present. As a minister, and an artist, I can't recommend a movie more highly. True art and
true grace!!" ], [ "\"House of Dracula\" is a good sequel to \"House of Frankenstein\". There isn't as much action but the
acting is just as good. Onslow Stevens is the benevolent Doctor who turns bad after receiving blood
from Dracula via a transfusion(Dracula was actually receiving the transfusion to overcome his
\"affliction\" but he puts a spell on a hunchback nurse and then transfuses his blood into the
Doctor.). It turns out that Dracula really didn't come to seek a cure but instead drain blood from a
beautiful nurse. Dracula is destroyed and the Wolf Man is next in line for a cure(which is
successful). In the meantime, Frankenstein's monster is discovered and revived briefly before
burning to death(don't worry, the same trio came back in \"Abbott and Costello meet Frankenstein\").
John Carradine again plays a sinister Dracula(Baron Latos is his alias at the start of the film and
in \"House of Frankenstein\"). Lon Chaney is the sympathetic Wolf Man and Glenn Strange returns as the
Frankenstein monster. Lionel Atwill again plays an inspector, which he often does in the Universal
Studios monster films. A keeper for your collection." ], [ "Rowan Atkinson's Mr. Bean ranks right up there with Laurel & Hardy, Buster Keaton, the Marx Brothers
and other comedy greats. I have never seen people laugh out loud so heartily and literally fall out
of their chairs as when I introduced them to Mr. Bean via my videos and now DVDs. I'll never forget
the first time my brother saw him. He was over for a visit and I asked him if he'd ever seen Mr.
Bean? \"Who?\" he said. So I got out my video and showed him the one where Mr. Bean is in church and
starts to nod off. My brother laughed so hard he fell out of the chair and was holding his stomach
from laughing so hard. He became an instant fan of Mr. Bean. We all know how hilarious these
episodes are, but the fun is in sharing them with others. I have seen so many people laugh 'til it
hurts! Favorite episodes are: the visit of the Queen, the Hotel room stay, late for the Dentist
appointment, the Christmas episode (a classic...plus kids love it!) and the New Year Party. Rowan
Atkinson is a comic genius!" ], [ "Fleet was released in 1936 during the middle of the depression when people were having a tough time
worldwide finding jobs or even finding food to put on the table. In Europe Hitler was on the rise,
along with other nationalist/ socialist whackjobs. In the United States seeds of the Cartel sown
with the Federal Reserve Act and the income tax amendment (16) were beginning to bear fruit for
connected finance capitalists and their dominating secret societies.

For the average guy
and girl, times were tough. Enter Hollywood with at least some hopeful images—I don't think we can
properly call them propaganda at this point, even though this particular movie revolves around war-
preparatory naval exercises. The real issue for boys and girls then, as now, was how to hook up with
the right one, lead a decent life, have wonderful children, with a modicum of grace and elegance.


The odds were long.

...

For my complete review of this movie and
for other movie and book reviews, please visit my site TheCoffeeCoaster.com.

Brian Wright
Copyright 2007" ], [ "THE MAN IN THE MOON is a warm and moving coming of age drama centering around a farming family in
the 1950's. The main story follows a 14-year old girl (Reese Witherspoon) who develops a crush on a
17-year old neighbor (Jason London) who ends up falling for her older sister (Emily Warfield) and
how an unexpected tragedy alters this family's dynamics forever. The 1950's are lovingly evoked here
and the screenplay gives you characters you come to care about almost immediately. Witherspoon
already begins to show the Oscar-winning talent she would develop in this early role and London
makes a charming leading man. Warfield lends a quiet maturity to the role of the older sister that
is effective as well. Kudos to Sam Waterston and Tess Harper who play the girls' parents and Gail
Strickland, who plays London's mom. I was unexpectedly moved by this quiet and affecting drama that
stirs up strong emotions and gives deeper meaning to the phrase \"family ties.\"" ], [ "scarlet coat like most revolution flicks wasnt well received but is nears perfection in the art of
movie making. a great character study of john andre the heroic redcoat who is revered by both friend
and foe for courage,,, scarlett coat also probes the duality of the undercover agent ,,, as a
counterfeit traitor maj bolton befriends andre and undertakes a high level penetration of british
intelligence yet he defends andre in andre's courtmartial ... the film captures the moral ambiguity
of the spy

how much of the spy's world is real ,,, which reality does he belong to the
reality of his mision or the reality which the cover story creates

andre's capture and
courtmartial is a success for bolton in his mission beyond that whch wahington would have ever
demanded ,,, the mission was merely to identify the traitor in us ranks ,,, bolton has knocked out
enemy intelligence as well ,,, yet bolton mourns the death of the man he was sent to destroy/>
ann francis plays a stock american character,,, compliant with the british but willing to
engage them in a war of wits

a movie well worth revisiting" ], [ "Can the intensity of a husband's love for his wife lead him to cover up a crime,despite betrayal on
many levels? Tom Wilkinson is no brutal Othello, in the setting of modern day England. So, gradually
a web of deceit begins to be woven. And, we witness cycles of jealousy and drunkenness and guilt and
fornication. And so the web of \"separate lies\" begins to fail and then hold together again. And life
(and death) goes on, despite the bright flame of the husband's love and the deep despair and guilt
woven into so many lives. How many webs of deceit are to be displayed in this growing tapestry? The
impulse is to prop up sterling reputations and careers and relationships in this most civilized
corner of the world. Wilkinson gives an emotional performance, full of grace and discretion and
decorum, and yet humanity, of those who have much to hide. Those who desire clarity and openness on
the way to justice will be disappointed with the wickedness of so much deception. And yet, who among
us, has not something similar to hide about his loved ones? Nevertheless, the viewer may wonder if
this web is fated to crumble some day." ], [ "WOW!

This film is the best living testament, I think, of what happened on 9-11-01 in
NYC, compared to anything shown by the major media outlets.

Those outlets can only show
you what happened on the outside. This film shows you what happened on the INSIDE.

It
begins with a focus on a rookie New York fireman, waiting for weeks for the first big fire that he
will be called to fight. The subject matter turns abruptly with the ONLY EXISTING FOOTAGE OF THE
FIRST PLANE TO HIT THE TOWERS. You are then given a front-row seat as firefighters rush to the
scene, into the lobby of Tower One.

In the minutes that precede the crash of the second
plane, and Tower Two's subsequent fall, you see firemen reacting to the unsettling sound of people
landing above the lobby. It is a sight you will not soon forget.

Heart-rending, tear-
jerking, and very compelling from the first minute to the last, \"9/11\" deserves to go down in
history as one of the best documentary films ever made.

We must never forget.

" ], [ "Every Sunday is an eleven minute short subject featuring the talents of two of its young juvenile
contract players, a pair who would develop into players of note in the future. It's interesting and
entertaining to see the contrasting styles of Judy Garland and Deanna Durbin as they perform at a
Sunday concert for Deanna's uncle.

Of course no one knew how big both of these young
ladies would get to be. I've always wondered why Mayer kept Garland and let Durbin go to Universal.
L.B. always had pretensions to culture and this was the guy who had Jeanette MacDonald at his studio
and later on hired such lovely soprano voices as Jane Powell, Ann Blyth, Doretta Morrow, etc./>
Judy certainly had her glorious career at MGM, but she paid a heavy price for it. Deanna,
along with Abbott&Costello and several Gothic horror monsters preserved Universal pictures. She was
smart enough to get out at the top and make it stick.

So, in their salad days, Deanna
Durbin and Judy Garland." ], [ "This is an excellent little film about the loneliness of the single man. Phillipe Harel as Notre
Heros is a bit like an amalgam of Robert de Niro in Taxi Driver, Inspector Clouseau (in his
stoicism) and Chauncey Gardiner in Being There (also Peter Sellers). He is single yet doesn't have a
clue how to attract the opposite sex - in fact, he really makes no effort at all!

He has
a stoicism and fatalism that defies any hope of ever achieving coupledom - his friend Jose Garcia as
Tisserand is in the same plight yet at least makes a brave effort to transcend his extended
virginhood (he's 28 and admits he's never had sex).

Very good outdoor shots of Paris and
Rouen, where the two software people travel on business. They try various nightclubs and places but
all to no avail. My theory is that they're trying the wrong places - they go to more-or-less 'youth'
nightclubs; they should try the type that has older people, more their own age.

Harel
increasingly becomes isolated and does a little de Niro effort, as in Taxi Driver, urging his
friend/colleague to go and stab some bloke who's pulled a nice-looking girl in the nightclub./>
Worth watching." ], [ "If you have seen Dogtown and Z-Boys or have any interest in seeing the real, non-caricature, \"Real
American\" side of America then Riding Giants will hit deeper than anything you've seen before./>
This film is \"unreal\", a facile term if ever there was one, but hugely appropriate if you
can derive any form of literal meaning out of it - it is a 100% factual documentary, but with all
the drama of an opera, and the completely apparent sense of love, expert and knowing instilled by
Stacy Peralta's direction and narration, this film expertly leads you from swell to big wave while
keeping you completely enthralled in everything you are being given the privilege of seeing./>
This film is a symphony, crafted as well as Beethovens 9th, beginning beautifully with its
prelude in Hawaii, tugging deeply on human emotion in Santa Cruz and finishing with uproar, triumph
and crescendo in Laird Hamiltons feats, again in Hawaii.

Like classical music; like
Beethoven's 9th, Ride of the Valkyries or Barbers Adagio for Strings, this may be the only piece you
like, but it's worth it. Trust me." ], [ "\"Where to begin, where to begin . . ?(Savannah in the episode \"Gimme Shelter\")\" To disabuse:
Fox/Viacom does not, at this point in time, have any intention of releasing THE show on DVD. But be
not downhearted! That you are reading this reveals that the magic lingers fifteen years on . . . And
small wonder. This was post-modern television, a valiant attempt to visualize magical realism.
'neath the blue patina, charm, and brio were scripts bursting with symbolism and metaphor, music
that actually interacted with scenes! And, ultimately, an attempt, however doomed, to recapture
one's belief in innocence, to reclaim Eden, as it were . . . It's potency is perhaps best attested
to by the fact that even as we, umm, type, a book is being written about the show wherein will be
found the thoughts, fancies, and reminiscences of many of the show's actors, writers, directors, and
producers. In the meanwhiles . . . anyone desirous of once again visiting the end of the world and
reacquainting themselves with Seamus, Sheriff Cody, Savannah, et al . . . should not hesitate to
contact me, I may be able to make you a copy. \"Angels in the spray, wizards in the palm trees . . .\"" ], [ "Jack Black and Kyle Gass team together to promote their band Tenacious D in this Rock Classic called
Tenacious D In The Pick Of Destiny. Jack Black and Kyle Gass invent their own Rock Opera..it was
like an Opera of Rock 'N' Roll. Some of the most twisted events took place in that movie....the big
foot part....the mushroom part....and in the end when they did the rock off against the Devil. A
classic formed in Tenacious D....one of the best films I have seen in a long time. The last couple
things I saw in the theater were stupid..but this movie rocks. This really made me laugh hard. The
whole basis is Jack Black runs of to find his rock partner in Los Angeles. His partner is Kyle Gass
and man who has always been bald. They work together to find this magic pick that can make the most
terrible musician play greatly. They finally make it to the Rock 'N' Roll Museum and steal the pick.
On the way they meet The Stranger Played By Tim Robbins. They make it to the club to win their prize
money when the owner grabs the pick and all along he was the devil and he battles the D in a Rock
Off. The D doesn't win but the Devil's horn falls off sending him back to hell. Therefore LONG LIVE
THE D!!!!!!!!!!" ], [ "Several young Iranian women dress as boys and try to get into a World Cup qualifying match between
Iran and Bahrain. When they're caught, they're penned in an area where the match remains within
earshot, but out of sight. The prisoners plead to be let go, but rules are rules.

Given
the pedigree of its director, Jafar Panahi, it was disarming to discover that Offside is a comedy,
and a frequently hilarious one. In 1997's The Mirror, Panahi presents two versions of Iranian
girlhood and leaves the audience to wonder which one is \"real\". In 2000's The Circle, several
Iranian women step outside the system; their transgressions are different, but they all end up in
the same tragic place.

However, thinking now about Offside, it's hard to imagine it as
anything other than a comedy, because the situation it presents is so obviously ridiculous. As the
women demand to know why they can't watch the soccer match and their captors struggle to answer, the
only possible outcome is comedy.

What makes Offside most affecting is that the young
women are not portrayed as activists attacking the system. They are simply soccer fans and patriots,
and despite the fact that they are clearly being treated unfairly, they never lose their focus on
the match and the historic victory that is within their nation's grasp." ], [ "A young girl becomes a war-time marine's pen-pal, and when he visits at war's end expecting someone
a bit more \"available,\" comic complications ensue. All ultimately works out well, naturally, but not
before everyone involved has thoroughly chewed the scenery. Errol Flynn's dead-on impression of
Humphrey Bogart from \"Casablanca\" is a highlight, as are various send-ups of his own swashbuckling
image (the \"jumping\" scene in the kitchen with Forrest Tucker is a riot). It is Tucker, though, who
\"tucks\" the movie under his arm, lowers his head and barrels over the goal line. He demonstrates the
comic flair more fully developed twenty years later in \"F-Troop\" and imparts a liveliness and energy
that Flynn repeatedly plays off to raise his own performance. Eleanor Parker does a fine job as the
woman being pursued, and little Patti Brady charms as Tucker's actual pen-pal friend. A fine,
lightweight \"coming home\" comedy in a genteel setting that children and romantics of all ages should
find entertaining." ], [ "I expected this film to be a run-of-the-mill 1930's romance. Boy meets girl, they fall in love, boy
loses girl, boy wins her back in the end. It wasn't like that at all. Clark Gable plays con artist
Eddie with all his usual charisma and mischievous eyebrow raising. He is hiding out from the cops
when he bursts into Ruby (Jean Harlow)'s apartment, to find her covered in bubbles in the bathtub,
no less. Instant chemistry.She plays hard to get for a while, but a girl can only resist that grin
for so long. The heat between them is evident, and there are some scenes that are definitely pre-
production code! When a blackmail job goes bad and Ruby ends up in a boarding house for \"troubled
girls\", she is miserable and, thanks to the ragging her roommate gives her, begins to believe that
Eddie will never come for her. Harlow plays the hard-nosed, fast talking Ruby perfectly. She never
lets Gable get all the good lines! There is an especially moving scene with her playing \"their song\"
on the piano that is acted perfectly. The last fifteen minutes have me crying every time. A truly
sweet romance." ], [ "This is a clever story about relationships and a display of three main categories of players in the
game of relationships: playboys (Max), manipulative women (Alice) and the fools who may be indeed in
love (Lisa, Muriel and Lucien).

Max and Alice are very unlikeable and perhaps despicable
characters but who are always in control in the game leaving their partners around in the dark. But
as the profusely discussed ending tells us, as veteran players as Max and Alice were, they would be
happy to part ways anytime they see fit as if the game was just announced to be over and each one of
them could not care less to get on with his or her own life and play another game with some other
anonymous people when another opportunity presented itself. Lisa, Muriel and Lucien might be the
ones who felt like investing something real in a relationship, only not being able to realise that
they were the baits in the game and the ultimate losers (as far as what we were shown is
concerned....who knows if they are also advance players of some sort in their worlds not shown to us
on screen).

This is a very fast-paced, delicately crafted and seductively witty story
with an enticing execution by the cast. It also deserves some deeper thinking: how much is real in a
game of relationship?" ], [ "This almost unknown gem was based on a French farce--which shows, and I mean that as a compliment.


Caroline (Lee) is being courted by a wealthy Argentinian (Roland), who asks her father
for her hand in marriage. But Caroline is already married to Anthony (Colman), who has just arrived
by plane and launches immediately into an audience-directed reminiscence about the last time
Caroline decided she was in love with someone else: a dilettante-ish sculptor (Gardiner). The film
plays out the story of Anthony's strategy in uncoupling Caroline from her sculptor, and how that
experience aids him with her Argentinian.

It is perfectly cast: Ronald Colman is at his
most sophisticated and charming, Reginald Gardiner is at his most priggish, Gilbert Roland is at his
most exotic, and Anna Lee is just deliciously whimsical. The film is wonderfully directed by Lewis
Milestone (who also produced); the whole production feels like a labor of love. There are wonderful
touches, such as Colman breaking frame and addressing the camera, and exceptional use of a sliding
bar-cabinet door. It is a sin that it hasn't been released on DVD--this is the kind of film that can
singlehandedly awaken interest in classic film." ], [ "The film exposes the blatant exploitation of the Chinese worker - generally female - garnering
footage from the Chinese business owner who shares his unashamed and delusional viewpoint, his
American counterpart also as unashamed and delusional, the oppressed workers who are given a voice
and, of course, the drunken Americans who wear the beaded necklaces mindlessly celebrating in New
Orleans.

The glimmer of hope comes when some Americans are actually outraged that people
making their beaded necklaces were getting paid like $0.10 per hour to do so. You also have a
feeling that the workers may have a chance to escape working in the bead factory, but will probably
do so when they get fed up with the punishment treatment popular with the factory owner and/or they
just get too exhausted to work up to 20 hours a day of hard labor.

I have wondered where
those necklaces came from, not realizing how completely grueling and arduous it would be to make
them. I just truly appreciated this film as it beautifully portrays the impact American indulgence
has over something we consider relatively innocuous in our society on peoples on the other side of
the world. Honorable mention goes to Wal-Mart. It is simply amazing. And clearly, just the tip of
the iceberg!" ], [ "It may be the remake of 1987 Autumn's Tale after eleven years, as the director Mabel Cheung claimed.
Mabel employs rock music as the medium in this movie to express her personal attitude to life, in
which love, desire and the consequential frustration play significantly crucial roles. Rock music
may not be the best vehicle to convey the profound sentiment, and yet it is not too inappropriate to
utilize it as the life of underground rock musicians is bitterly more intense than an ordinary one.
The director focuses on the depiction of subtle affection and ultimate vanity of life rather than
mere rock music. The love between father and son, lovers, and friends is delicately and touchingly
delivered through the fine performance. Mabel does not attempt to beautify rock musicians as artists
at all, instead, she tries to reproduce a true life on screen, making huge efforts of years' working
on this project and gathering information in Beijing underground pubs.

Daniel has given
probably the best performance in all his movies made so far. His innate dispiritedness and reticence
fit the blue mood of the film perfectly." ], [ "Seeing this film, or rather set of films, in my early teens irrevocably changed my idea of the
possibilities of human interaction and the range of potential experience. This monumental
exploration of individuals, and their historical setting, reveals how full bodied and intense every
human existence is. The people are portrayed as they are to themselves: their experiences of the
smallest to the largest internal and external phenomena are detailed with the greatest of artistry
and perception. Edgar Reitz displays a fabulous appreciation of human motivations and longings./>
When these phenomena are set against the immense time allowed by the length of the work, one
cannot help but apprehend the force and vivacity of happiness, defeat, lust, love, sadness,
melancholy, that each person feels. When I saw these films I perceived my future experiences, how my
life would inevitably twist and oscillate due to both intended and accidental events. I acquired a
feeling of the longevity of being and what it meant to reflect upon past lives, memories and
contexts. A masterpiece and a revelation. I only wish the BBC would screen it again.

If
anyone knows where I can get a copy, could they contact me" ], [ "This is one of the most overlooked gems Hollywood has ever produced. -- A young WWII British fighter
ace whose plane is about to crash, has radio contact with a young American woman who comforts the
brave pilot, knowing that within minutes he will be dead. For some reason the man who should
certainly be dead walks away from the wreckage and eventually learns that he was meant to report to
heaven. When a messanger is sent to ask the pilot to accompany him to heaven, the man refuses and
demands to have his \"day in court\" to argue his case. The man argues that his situation had changed
during the final moments of his earthly life, that he had fallen in love and therefor had become a
different person, one who deserved a chance to live on.

The \"heavenly court\" is a
cinematic delight! The \"announcement of the jury of peers\" is a definite highlight. The story, as
fantastic as it seems, is an engaging one and will keep you spellbound for the nearly 2 hours play
time. The final scene is simply beautiful and will require a \"Kleenex treatment\" for most viewers.
This film is in my personal all-time favorite top 10, it has my highest recommendation!" ], [ "by TyNesha Mells. In this drama, Ja Rule, who stars as Reggie, struggles with the loss of his
father. His old friend J-Bone, who is a cold-blooded thug recently released from prison, helps
Reggie find who murdered his father. A week after his dad died, a preacher, Reverend Packer, came up
dead. Reggie was suppose to be the one to kill him, but did he? Did Reggie kill Reverend Packer or
was it some type of a setup? Back in the Day also has a couple of romantic scenes. See, Reggie falls
in love with the preacher's daughter and J-Bone doesn't approve of his love fiend. As J-Bone tries
to destroy what they have, Reggie learns that love is about forgiveness. But what J-bone is doing,
does it work? Do Reggie and his girlfriend break up, or does it bring them closer together? I like
this movie because it leaves you wondering what's going to happen next and did this or that happen.
I like movies with suspense! It kind of makes you want to be in the movie so that you could detect
things. I also like this movie because everything falls in place, if you really pay attention to it!" ], [ "Ronald Colman gives an electrifying performance as Tony John, a Broadway actor who can't separate
his offstage life from Shakespeare's Othello, the character he plays on stage....Two important
scenes illustrate Tony's dilemma. The first one takes place in producer Max Lasker's office. Acting
is a matter of talent for the practical-minded Lasker. But Donlan, Tony's friend, disagrees: \"No,
no. When you do it like Tony does it, it's much more. The way he has of becoming someone else every
night...so completely. No, don't tell me his whole system isn't affected by it.\"....The other scene
occurs in waitress Pat Kroll's apartment. Tony tells her his name is Martin. She thanks him. Then he
says: \"Or Paul. Hamlet. Joe. And maybe Othello.\"....When Tony begins rehearsing Othello, we learn
that though he's trying to keep his real life separated from his stage life, \"The part begins to
seep into your life, and the battle begins. Reality against imagination.\" He can't keep the two
separated: In his mind Pat is Desdemona and he's Othello, and he wrongly believes she has been
unfaithful to him. He murders her....Colman's bravura performance, in a complex and difficult role,
earned him 1947's Academy Award for Best Actor. Oscar nominations went to Ruth Gordon and Garson
Kanin for Best Original Screenplay. Not to be overlooked is Milton Krasner's atomspheric
cinematography." ], [ "This Gundam series only follows Gundam 0083 Stardust Memory. The story takes place during the same
time line as the original Gundam in the year U.C. 0079 the time of the One year war, but the mobile
suits are designed as new models are and are as a result look more articulate. The Hero of the story
is a young Lt. Shiro Amada, who may lack any real combat experience but makes up for it with
creativity and effort.

His life get complicated when he meets Aina Sahalin a Jion ace
pilot (the enemy), the to end up falling in love and begin to change their attitudes about the war
around them. The other cast of characters in the story are not there for background either, every
one in this story has a history to them.

There is also another Ace mobile suit pilot in
this series that can be added into the pantheon of ace mobile suit pilots. Right up there with Char
Aznable and Anavel Gato is Norris Packard, not the top villain in this series, but his presence give
the 8th mobile suit team a hard fight. 3 of them against Norris and his single MS-07B Gouf custom
mobile suit.

In conclusion This Gundam along with Stardust Memory is a must see!!/>
" ], [ "A touching story told with tenderness: awkward young Jewish girl in WWII America befriends an
escaped German POW who is hiding out in her clubhouse. They discuss their lives and beliefs (he's
anti-Hitler), she sneaks him food, he becomes her only friend and ally. All this reminded me of the
much-better theatrical film \"Whistle Down The Wind\", where Hayley Mills befriends convict Alan
Bates, but you certainly can't fault the direction here, which is smooth, or the performances, which
are sterling. Mature in her pre-teen years, Kristy McNichol carries most of the picture and never
hits a false note. Suddenly, when the prisoner is discovered (and Kristy is found out as well), the
movie gets very tough. Her father, shocked and ashamed that his child would consort with \"that
Nazi\", lays into her with a quiet fury I have seldom seen before (he tells her \"You are dead to me,\"
which must be devastating for a little girl to hear). The final scenes don't cop out; there are no
big reunions, no hand-holding climaxes. The girl has to face the world, and in doing so learns a
bitter lesson about neighbors, friends, and family. A startling film." ], [ "This movie is the best one forever upon the warm feelings of this real love story during the Korean
war by the story of Hy sun the Eurasian doctor and Mark Elliot an American corespondent at the
shadow of different habits between east and west upon his quotation in the love scene between two
lovers when he invited her to dance (The relationship between east and west must be close) in spite
of Chinese habits and customs that destiny made their great role by appointing between them to
replace the pains for both (Elliot suffered from failure marriage ) and (Hy sun suffered from the
harmful shoot of her husband by Chinese communists at the time of Mao Ze dung in 1949).
/>She could not stop the decision of destiny in spite of her practical profile because love has a
magnetic spirit for everyone seek for happiness , soul and brilliant memory as the final quotation
by the voice of Elliot after his death and the sadness receive for Hy Sun for this hard situations
when she went to the hill the source of this love under the tree to say goodbye for his body and
live with his soul among their souvenirs." ], [ "Any story comprises a premise, characters and conflict. Characters plotting their own play promises
triumph, and a militant character readily lends oneself to this. Ardh Satya's premise is summarized
by the poem of the same name scripted by Dilip Chitre. The line goes - \"ek palde mein napunsaktha,
doosre palde mein paurush, aur teek tarazu ke kaante par, ardh satya ?\". A rough translation - \"The
delicate balance of right & wrong ( commonly seen on the busts of blind justice in the courts ) has
powerlessness on one plate and prowess on another. Is the needle on the center a half-truth ? \"/>
The poem is recited midway in the film by Smita Patil to Om Puri at a resturant. It makes a
deep impact on the protagonist & lays the foundation for much of the later events that follow. At
the end of the film, Om Puri ends up in exactly the same situation described so aptly in the
poem.

The film tries mighty hard to do a one-up on the poem. However, Chitre's words are
too powerful, and at best, the film matches up to the poem in every aspect.

" ], [ "As the Godfather saga was the view of the mafia from the executive suite, this series is a complex
tale of the mafia from the working man's point of view. If you've never watched this show, you're in
for an extended treat. Yes, there is violence and nudity, but it is never gratuitous and is needed
to contrast Tony Soprano, the thinking man's gangster, with the reality of the life he has been born
to and, quite frankly, would not ever have left even knowing how so many of his associates have
ended up. Tony Soprano can discuss Sun Tzu with his therapist, then beat a man to death with a
frying pan in a fit of rage, and while dismembering and disposing of the body with his nephew, take
a break, sit down and watch TV while eating peanut butter out of the jar, and give that nephew
advice on his upcoming marriage like they had just finished a Sunday afternoon of viewing NFL
football. Even Carmella, his wife, when given a chance for a way out, finds that she really prefers
life with Tony and the perks that go with it and looking the other way at his indiscretions versus
life on her own. If you followed the whole thing, you know how it ends. If you didn't, trust me
you've never seen a TV show end like this." ], [ "Two years after 'Airplane!' took off, Jim Abrahams, Jerry and David Zucker cast one of its stars -
Leslie Nielsen - in this hilarious television series, a glorious take-off of old U.S. detective
shows such as 'Dragnet'. Nielsen played Frank Drebin, America's answer to 'Inspector Clouseau'. It
had the same style of humour as 'Airplane!'; clever visual gags in the background, unnoticed
absurdities, and recurring characters such as Johnny the shoe-shine boy who seems to know everything
about everything. Guest-stars ( including William Shatner! ) were killed off in the opening credits.
'Police Squad' was the first U.S. sitcom since 'Batman' to lack a laugh track. Many have lamented
the fact that only six episodes were made, but I think it was about right. The concept could never
have sustained a full 24-episode run. Five years later, 'Police Squad' made a successful transfer to
the big screen, when the first of the 'Naked Gun' trilogy was released. Jim, Jerry, David, and
Leslie had the last laugh." ], [ "I would recommend this as the most successful attempt so far to make a movie on Soviet Afghan war.
And it is very honest and responsible picture starting from small details of uniforms and weapons up
to human relations, war routine and Central Asian landscapes. It's been shot in Tajikistan just
after the the troop withdrawal which happened in 1989 not in 1985. The Italian star Mr. Placido was
just perfect in the role of Major Bandura. Other characters looked also very natural especially
always drunk club managing officer:-).The scenario seems a bit jammed in the end but it might be an
impact of the Civil war in Tajikistan which had started right during the shooting of the film. All
movie team had to escape sometimes even under fire. The last scene is purely \"harakiri\" type of
behavior and reminded me the final phrase from one famous samurai movie - \"We've won all battles but
lost the war\". It could be also a metaphor of USSR collapse - the great country allowing to shoot
itself to the back by the small offended child." ], [ "'Had Ned Kelly been born later he probably would have won a Victoria Cross at Gallipolli'. such was
Ned's Bravery.

In Australia and especially country Victoria the name Ned Kelly can be
said and immediately recognised. In Greta he is still a Hero, the life Blood of the Town of
Jerilderie depends on the tourism he created, but in Mansfield they still haven't forgotten that the
three policeman that he 'murdered' were from there.

Many of the buildings he visited in
his life are still standing. From the Old Melbourne Gaol where he was hanged, to the Post office he
held up in Jerilderie. A cell he was once held in in Greta is on display in Benella and the site of
Ann Jones' Hotel, the station and even the logs where he was captured in Glenrowan can be
visited.

Evidence of all the events in the movie (except for his love interest) can be
found all over Victoria, in police records and even in the Sash that Ned was awarded with for
rescuing Dick Shelton from drowning. None of this is wrong, and whats left out would further justify
Neds actions. The Horse that Ned 'stole' was actually stolen by Wild Wright (the man who Ned boxes
with after getting out of jail). Ned was already in prison when the horse was reported stolen so he
couldn't have stolen it.

The Jerilderie Letter is more than what has been stated before.
It is not self justification it is Ned's biography, an outline of what he stood for and who he was
protecting. So go ahead and read it, watch the movie and then make up your mind about what Ned stood
for." ], [ "Ok, so, this is coming a few weeks late, but it is here. Mostly, this is because of statements of
various negative natures. Starting with the technology. When Star Trek: TOS ran, special effect
technology was extreamely low tec, and more than that, the crew had little money to do any kind of
proper mock ups. In the 35 years seince TOS premiered, the crew of Star Trek have become experts at
economy.

Ultimately, they have decided, quite rightly in my mind, to abandon the look of
TOS and reverse engineered TNG et all. So what if they decided not to make the transporter out of
gold glitter or made the phase pistols look closer to the ones from Star Trek II? As for the nits
being picked about first contact with the Klingon Empire, it was presumed based upon comments made
by Kirk and Riker that Earth only met the Klingon's in 2200. Nothing was firmly established./>
Enterprise gives us the most promising venue of exploration that we've seen in a while. This
is what Voyager COULD have been. No series can evolve without a few inconsistancies, but be thankful
that Star Trek has so few. So, quit gripping and enjoy." ], [ "There are questions that sometimes hover over us and have no answer. Two women progressively find
themselves ensnared in each other's arms (as corny as the expression sounds, that is exactly what
happens) and fins that they cannot answer their own question as to what defines their relationship
when their very own society has no name to what they are. Deepa Mehta's somewhat mis-titled FIRE is
the first of a loosely connected trilogy, here linked by the theme of the elements, and more
symbolic than consuming. Fire as uncontrolled erotic passion does not make an appearance here, since
the women -- the older and more feminine Radha (Shabana Azmi) and the younger, more masculine
tempered Sita (Nandita Das) come to realize they share a lot more than common ideas and affection
for each other and stand for what they believe is their passion for each other despite the
opposition faced by their very traditional husbands and families. As in WATER, FIRE is deeply
spiritual, even if it technically falls into the mode of sentimental melodrama (where WATER, much
like the weight of the word, carries a stronger meaning that ultimately transcends its definition).
Even so, it's a very beautiful picture, and a strong voice from a strong director." ], [ "This film was a surprise. The plot synopsis sounds kinky, and stars Clint Eastwood and the great
Geraldine Page. I didn't know what to expect. There is that opening scene where the wounded soldier
says that age 12 is old enough to kiss and proceeds to give a child a lingering, and very adult,
mouth to mouth kiss. The child takes him to the girls boarding school where she lives. He takes
advantage of the situation by attempting to seduce the headmistress, played by Page, her assistant
and another student. Jealousy, sexual tension, incest, intrigue, and the macabre all meld in this
wonderfully original story.

I've read the other comments here and find little to disagree
with. However, I wanted to clarify a point made earlier that there are no sympathetic characters in
the film. I find that there is one. The attractive female slave successfully resists the soldier's
advances in a scene that works well because it touches upon the common history of black women slaves
taken advantage of by white men. Even though her strength and lack of illusion are the sum total of
her experience, she is what I would consider a sympathetic character. She, more than any of the
other women and girls at the school, has a legitimate reason for participating in what happens in
the end." ], [ "In Crystal City, a group of Mormons hire the horse traders Travis (Ben Johnson) and Sandy (Harry
Carey Jr.) as wagon masters to lead their caravan to San Juan River. Along the journey, they meet
first the broken wagon without water of the quack Dr. A. Locksley Hall (Alan Mowbray) and the
prostitutes Denver (Joanne Dru) and Fleuretty Phyffe (Ruth Clifford). Then the sadistic outlaws
Clegg boys decide to join the Mormon caravan to disguise the patrol leaded by the Sheriff of Crystal
City that is chasing them. When the Navajos cross their path, they are invited to visit their hamlet
for a dancing party. When the wagon train is near to their destination, the Clegg boys threaten the
settlers, forcing Sandy and Travis to take an attitude.

\"Wagon Master\" is another great
western of John Ford. The sequences with the wagon train crossing the desert and the hills are
impressive. The adventure of the group of Mormons is funny and very entertaining and the songs fit
well to the plot despite being dated. My vote is eight.

Title (Brazil): \"Caravana dos
Bravos\" (\"Caravan of the Braves\")" ], [ "Mishima - a life in four chapters is in my opinion the best Paul Schrader film to this day.
Mesmorizing cinematography, accompanied with Philip Glass mystical musical score added a completely
magical aura to the story of one of the Japan's greatest novelists, whose originality and
picturesque narrative are beautifully portrayed in this picture. As any gifted character, Mishima
was troubled with severe self conflicts, the main of them being the conflict between the \"pen and a
sword\" as the director puts it in his final chapter, or the struggle between the sensitive poet with
homosexual feelings, living in a notoriously masculine society with centuries long warrior
traditions, thus widening the gap between the sensitive and the militantly traditional side of
Mishima himself.

All Schrader's films (and the ones he wrote scripts for) are basically
stories of the inside conflict within a man that doesn't belong in an environment he lives in. That
also goes for Mishima, who, apart from Japanese military school upbringing is brought up with love
for theater and words. His demise consisted of both of these key points in his life, it was about
words and theatrical ending in a life long play. Film like this comes along once in a long while,
and most will have to wait a lifetime to reach this beauty. 20 out of 10!!" ], [ "While not for everyone, Crackerjack is a delight to watch, with tongue planted firmly in cheek. The
likeable character of Jack Simpson, played by Mick Molloy, is scamming the local \"bowlo\" for free
parking and making a couple of dollars on the side, selling the parking space to work colleagues.
When the Bowling Club members need to raise some money to save their club, they call upon Jack to
join their bowling team and play competition bowls.

Filled with Aussie Charm, the laconic
wit of Mick Molloy is showing through (he also co-wrote the script) reminding this viewer of his
earlier work in Radio. Perfect Aussie casting with Bill Hunter as Jack's bowling mentor Stan
Coombes, John Clarke (of The Games fame) as the ruthless businessman and rival bowls club owner
Bernie Fowler, with Samuel Johnson as Jack's flatmate Dave, and Judith Lucy as the jaded Journalist,
Nancy.

Initially, I figured only fans of Molloy would like this flick but judging by the
number of the blue rinse set exiting the cinema chuckling, this is a film for everyone." ], [ "I used this film in a religion class I was teaching. The golden fish is swimming happily in his bowl
in an upper floor apartment. A young boy and his mother are away from home. The boy has been given
money to buy milk. On the way home, he stops at carnival to play a game. Next to him stands a man in
a black suit looking a little scary. The boy drops the bottle of milk. It breaks. The man in the
black suit gives him money to replace the milk. This scene alternates with what is happening at
home. A black cat climbs the fire escape and enters the apartment. He(?) discovers the fish bowl and
watches it. The fish swims energetically and flips out of the bowl. By now, a bunch of teenagers in
my class and I have fallen in love with the fish. The cat takes the fish in his mouth and we all
hold our breath. The cat drops the fish into the bowl. The double story line includes the suspicious
man in black and the suspicious black cat. Both inspire prejudice. Both are innocent. It was a great
discussion starter in my class." ], [ "Given the nature and origin of the 11 filmakers it is not surprising that this film is at best
neutral in its stance towards America. Probably the most 'anti' segment comes from Ken Loach who is
definitely not towing the British New Labour party line. Although those events of a year ago are
shocking and painful to most Americans and most spectators who saw them unfold live through CNN etc.
the majority of the writers and directors choose to show that tragedy is not an American monopoly.
Should anybody be surprised that these 3000 deaths are given the same weight elsewhere as the West
gives to thousands Tutsi, Tamil, Bosnian, Chilean, Kurdish (need we go on) victims. If this was a
'wake-up' call for the States then it is equally tragic that in the subsequent 12 months the
Israel/Palestine impasse is further from a solution while George Bush Jnr. would rather wreak
revenge than make the world a safer place. I think many of the contributors wonder where the
idealism of the Founding Fathers went, and why America orignally built as a bastion of freedom,
justice and tolerance now sees its self-interest paramount while the Third World wonders where the
next drink, meal or bullet is coming from." ], [ "This is definitely an appropriate update for the original, except that \"party on the left is now
party on the right.\" Like the original, this movie rails against a federal government which
oversteps its bounds with regards to personal liberty. It is a warning of how tenuous our political
liberties are in an era of an over-zealous, and over-powerful federal government. Kowalski serves as
a metaphor for Waco and Ruby Ridge, where the US government, with the cooperation of the mainstream
media, threw around words like \"white supremacist\" and \"right wing extremists as well as trumped-up
drug charges to abridge the most fundamental of its' citizens rights, with the willing acquiescence
of the general populace. That message is so non-PC, I am stunned that this film could be made - at
least not without bringing the Federal government via the IRS down on the makers like they did to
Juanita Broderick, Katherine Prudhomme, the Western Journalism Center, and countless others who
dared to speak out. \"Live Free or Die\" is the motto on Jason Priestly's hat as he brilliantly
portrays \"the voice,\" and that sums up the dangerous (to some) message of this film.

" ], [ "This movie has a very simple yet clever premise - an unemployed man trying to steal from a
convenience store, and the store clerk catches him in the act... the thief runs away with the store-
clerk right after him. All the while, the store clerk is in trouble with a low-rank Yakuza chinpira
(gangster). Along the chase for the thief, they catch the eye of the Yakuza who's been looking for
the convenience store clerk. The story then moves into high gear in the form of a Tom & Jerry (cat &
mouse), but is added with the dog chasing after the cat. The entire 2nd act of D.A.N.G.A.N. Runner
(can be translate to English as \"PINBALL RUNNERS\") is about the chase, and the chase goes on & on to
the point that by the end of the 2nd act, the bum forgets why he is running away, and the Yakuza
don't remember which of the 2 guys he is chasing, nor does he remember why they're running away from
him.

Similar to SABU's later film POSTMAN BLUES, the bulk of the film is simply all chase
and action, with plenty of physical comedy and dark humor injected to keep the audience engaged.
What falls short is the ending, to which the chase stops when the three men run out of steam, and
into one of the most chaotic Mexican stand-offs you'll see on film that looks almost as if Sabu was
paying homage to Tony Scott's TRUE ROMANCE (written by Quentin Tarantino)." ], [ "A beautiful film.John Garfield's character is a distant relative of \"Les Miserables\"'s Jean Valjean
while detective Rains recalls Victor Hugo's Javert,the ruthless arm of law.

Like in many
films noirs,the city epitomizes evil whereas the country and the nature represents
sanctuary,redemption,and a second chance for those whose life seems forever doomed.But even in the
luminous daylight,danger may appear suddenly,as the excellent scene at the reservoir shows.John
Garfield -an actor who,as Leonard Maltin points out,should be rediscovered:I've never been
disappointed by any of his films except for his supporting part in \"gentleman's agreement \" but it
was not his fault-gives a heartfelt sensitive performance and the audience sides with him as soon as
he is unjustly accused (the first sequence shows a rather unkind hypocrite person,but all his trials
redeem him and how do we feel for him during the last scenes with detective Rains.Colorful
characters (grandma and the kids ) add a lot of joie de vivre which is necessary .Humor is also
present in the strip poker game as the Dead End brats fleece a rich kid.

I recommend this
movie." ], [ "An RKO Short Subject.

A group of rowdy little bullies are given a lesson in tolerance by
crooner Frank Sinatra, who compares America to THE HOUSE I LIVE IN.

This little film
delivers a pertinent message about the evils of prejudice & bias. Sinatra is an absolute natural in
front of the camera; intense & sincere, he is the perfect spokesperson for the values espoused
here.

Sinatra sings ‘The House I Live In,' by Lewis Allan & Earl Robinson. This fine
tune, with a solid, pro-American message, is being given something of a comeback since the
horrendous events of September 11, 2001.

After Pearl Harbor, Hollywood went to war
totally against the Axis. Not only did many of the stars join up or do home front service, but the
output of the Studios was largely turned to the war effort. The newsreels, of course, brought the
latest war news into the neighborhood theater every week. The features showcased battle stories or
war related themes. Even the short subjects & cartoons were used as a quick means of spreading
Allied propaganda, the boosting of morale or information dissemination. Together, Uncle Sam, the
American People & Hollywood proved to be an unbeatable combination." ], [ "Back in the forties, when movies touched on matters not yet admissible in \"polite\" society, they
resorted to codes which supposedly floated over the heads of most of the audience while alerting
those in the know to just what was up. Probably no film of the decade was so freighted with innuendo
as the oddly obscure Desert Fury, set in a small gambling oasis called Chuckawalla somewhere in the
California desert. Proprietress of the Purple Sage saloon and casino is the astonishing Mary Astor,
in slacks and sporting a cigarette holder; into town drives her handful-of-a-daughter, Lizabeth
Scott, looking, in Technicolor, like 20-million bucks. But listen to the dialogue between them,
which suggests an older Lesbian and her young, restless companion (one can only wonder if A.I.
Bezzerides' original script made this relationship explicit). Even more blatant are John Hodiak as a
gangster and Wendell Corey as his insanely jealous torpedo. Add Burt Lancaster as the town sheriff,
stir, and sit back. Both Lancaster and (surprisingly) Hodiak fall for Scott. It seems, however, that
Hodiak not only has a past with Astor, but had a wife who died under suspicious circumstances. The
desert sun heats these ingredients up to a hard boil, with face-slappings aplenty and empurpled
exchanges. Don't pass up this hothouse melodrama, chock full of creepily exotic blooms, if it comes
your way; it's a remarkable movie." ], [ "Lt. Claude (Claudio Cassinelli) and several prisoners from his sunken ship wash ashore on an island
owned by Edmond Rackham (Richard Johnson). Following a few random prisoner deaths, Rackham takes in
Claude and his two remaining prisoners. Luckily for everyone, Barbara Bach just happens to be on the
island too! Unluckily, there are some crazy fishmen who like to kill people.

This Italian
produced exploiter seems to have it all - a touch of CREATURE FROM THE BLACK LAGOON mixed with DR.
MOREAU with a dash of WHITE ZOMBIE voodoo and Atlantis stuff. Despite some wonky looking fishmen
costumes, the film does benefit from some beautiful location photography and a nice twist about
halfway through. All of the actors are good and Joseph Cotton even pops up as a old biologist.
Director Sergio Martino handles himself well enough as there is action ever 10 minutes or so. That
can't be said for his belated follow-up THE FISHMEN AND THEIR QUEEN (1995), easily one of the
wackiest and most off-base sequels since HIGHLANDER II." ], [ "I was 13 when this mini-series (and its sequel North and South, Book II) first aired. I had already
been captivated by the personal interest stories in/around our American Civil War, which is what
interested me in watching this made-for-tv program.

I loved it. And now I'm 29 years old
and I only love it more. It is full of history, beautiful costuming, real-life characters woven in
and out of the lives of fictional characters, all of whom you come to care deeply about. There is
intrigue, love, loyalty, betrayal, family, extended family, lust, battles, victory, defeat and
reconstruction.

Even though I had the full set of episodes on tapes I recorded back when
it originally aired, I purchased the full set of both N&S and N&S II from Columbia House some years
ago when they became available. Once every few years I'll take a whole weekend and watch all the
installments back to back - and am sad when the last episode rolls to an end, because I find myself
wanting to continue watching the story of the lives of these characters.

I cannot
recommend this mini-series more highly." ], [ "House of Dracula was made towards the end of Universal's horror cycle of the 1940's and I've seen
this a couple of times.

A mad Doctor, Edelman is breeding plants for a serum that cures
people. Count Dracula arrives for a cure for his vampirism and Lawrence Talbot then comes to see if
he can cure him from turning into a werewolf at full moon. Frankenstein's monster is then discovered
and Edelman brings him back to life just as the villagers descend on the castle and set it on fire.
Talbot, now cured and one of Edelman's female assistants are safe though.

Like a lot of
movies of its kind, we have a hunchback assistant and thunderstorm to keep it moving.

The
cast includes Universal horror regulars Lon Chaney Jr (The Wolf Man), John Carradine (House of
Frankenstein) and Glenn Strange as Frankenstein's monster. Also starring Onslow Stevens (Them!),
Lionel Atwill (The Vampire Bat) and Martha O'Driscoll .

House of Dracula is a must see
for all old horror fans out there. Great fun.

Rating: 3 stars out of 5." ], [ "If ever I was asked to remember a song from a film of yester years, then it would have to be \"Chalo
Di Daar Chalo Chand Ke Paar Chalo\" for its meaning, the way it is sung by Lata Mangeshkar and Mohd.
Rafi, the lyrics by Kaif Bhopali and not to mention the cinema photography when the sailing boat
goes out against the black background and the shining stars. The other would have to be \"Chalte
Chalte.\" Pakeezah was Meena Kumari's last film before she died and the amount of it time it took can
be seen on the screen. In each of the the songs that are picturised, she looks young but after that
she does not. But one actor who didn't change in his looks was the late Raj Kumar, who falls in love
with her and especially her feet, after he accidentally goes into her train cabin and upon seeing
them, he leaves a note describing how beautiful they are.

Conclusion: Pakeezah is a
beautiful romantic story that, if at all possible should be viewed on large screen just for the sake
of the cinema photography and songs. The movie stars the Meena kumari, Raj Kumar and Ashok Kumar and
is directed by Kamal Amrohi.

Kamal Amrohi's grandson has now started to revive his grand
father's studio by making a comedy movie." ], [ "I agree with the Aussie's comments for the most part. However, there id seem to be a fairly decent
plot, if unoriginal. Christina (Kelli McCarty) inherits a rural property that she intends to open a
mountain lodge. She gets reacquainted with Chip (Bobby Johnston) whom she had known when she was
growing up in there. The plot thickens when James (Paul Logan) arrives with his new stripper friend,
Shene (Devinn Lane) because Christina had been James' stripper friend in years gone by, and the
implication is that James had done her wrong somehow. To add interest to the movie Sophia Linn
(Monique Parent) a romance novelist shows up as a guest at the lodge, as do Eric (Sebastien Guy) and
Linda (Flower), pair of lawyers from the city. James sicks the local building codes inspector on
Christina's business as one of his dirty tricks to shut her down. So the question is, \"How far will
James go to sabotage the lodge and will he succeed?\"

Watch for Devinn Lane here and in
\"Beauty Betrayed.\" She seems to be making a transition from the hard core business to the \"R\" world.
Another notable is Samantha McConnell, playing the role of \"Bait,\" clearly the most outrageous
character name in the movies!" ], [ "Carl Brashear (Cuba Gooding, Jr.) was born to sharecroppers in the deep south. He joins the navy,
whereupon he tells his father he will be back. The father gives him an old radio, and Brashear
leaves on the navy bus. The Most valuable thing his unemotional father taught him was, \"Never quit\".
After a recommendation from a white commander Powers Boothe), who admires his drive and guts, he
gets sent to Navy diving school at Bayonne, NJ. He endures harassment from his pals in uniform and
from his trainer, Chief Navy Master Diver, Billy Sunday (Robert De Niro), and from the commanding
officer, called pappy, (Hal Holbrook, who \"has almost as many loose screws as an old car\". They all
want to make him drop out, and the prejudice is quite fierce.The dangers of diving prove a further
setback when he loses a leg due to an accident on board ship. Despite this setback, he tells his
wife that he will train and achieve his objective, and with the help of Billy Sunday, (now both
joined in commiseration in their sufferings), they train and he is able to become the first black
Navy diver with his artificial limb despite the skepticism of a highly mocking and doubtful captain
at the Navy Department hearing in Washington, DC to determine if he meets the criteria. An
inspirational movie, showing that determination can overcome all odds." ], [ "I saw this film prior to joining the British Army. I went through my basic training, at first
difficult and then as I progressed much easier. My time was spent during the height of the troubles
in NI and the cold war. There was times when I questioned myself on what I had gotten myself into,
not for long, as the training would always take over and you would always react instinctively. The
voice over used to display what the soldiers are thinking is spot on, though I would have added
breathing and heart rate as this seems to pound in your ear drums in given situations. Some years
later I was in Canada for a family get together. An Aunty of mine who lives in the USA and is a
lecturer at the Columbus Uni Ohio had done a paper on the effects of the British Army in NI. She
spent some time out there researching. Although an ex pat she was very anti-British. She made a bee
line for me and condemned me for being a British soldier. My only answer was see the film 'A long
day's dying'. It's the closest a civilian will get to realise why a soldier does what he does. The
answer is right at the end." ], [ "I happened on \"Shower\" in the foreign film section of my local video store and passed it over
several times since from its cover it looked like a farce or comedy. I then lucked into a copy to
purchase at economical price and am happy for my luck. \"Shower\" is the story of three(3) men, a
father and two(2) adult sons, each coming to terms with life changes as the world around them also
continues to change in modern China. As with many \"foreign\" films, the Chinese culture itself is one
of the most interesting facets of this movie.

Beyond the fascinating characteristics of
the local, Chinese color giving the setting to this story, is the difficult yet touching
relationships between the men and a sole woman involved in the story, all set against the backdrop
of a village bathhouse.

The family's story moves from estrangement to understanding and
made me glad I came to know these people. Added to the main story are the numerous small characters,
bathhouse customers, and their individual conflicts and friendships. \"Shower\" is a film one walks
away from smiling and touched by its warmth and humanity." ], [ "From start to finish, this 1926 classic two reeler from the Hal Roach Studios seems to sum up what
was fun about the 20's. It stars the now forgotten comic genius, Charley Chase and was directed by
the legendary Leo McCarey, who was unknown then but would earn his keep with Roach and graduate to
greener pastures in the 30's and 40's. Recently released onto video and disc, this is one of the ten
best examples of silent screen comedy and should be seen by audiences of all ages. Although today
his star has virtually diminished, Charley Chase was considered the leader in the short subject
comedy field in the waning years of the silents. He helped the careers of Stan Laurel and Oliver
Hardy before they were brought together as a team, Leo McCarey and a host of other talents. It is a
shame that he is all but remembered today. Check out this little gem of a film. Once you do, you
will be seeking out other films from this classic comic. He had his hand in over 300 films and many
of them survive. Rediscover this lost giant of a film from a bygone era and its giant star." ], [ "Don't let my constructive criticism stop you from buying and watching this Romy Schneider classic.
This movie was shot in a lower budget ,probably against the will of Ernest Marishka, so he had to
make due.For example england is portrayed as bordering on Germany.BY a will of the wisp Victoria and
her mom are taking a vacation to Germany by buggy ride alone.They arrived their too quick. This
probably could not be helped but the castle they rented, for the movie, was Austrian. When she's
told that she's queen she goes to the royal room where the members of the court bow to her, where
are the British citizens out side from the castle cheering for their new queen? Why ISBN't she
showing her self up to the balcony to greet her subjects ?Low budget!Where the audience back then
aware of these imperfection? I wonder how the critics felt?Durring the inn scene she meets prince
Albert but ISBN't excited about it. Durring the meeting in the eating side of the inn your hear
music from famous old American civil war songs like \" My old Kentucky home\" , and \"Old black Joe\".
What? civil war songs in the 1830's? Is Romy Schneider being portrayed as Scarlet?Where's Mammy? Is
Magna Shnieder playing her too? Is Adrian Hoven Rhett or Ashley? What was in Marishka mind?Well this
add to the camp.It's unintentionally satirizing Queen Victoria'a story. This is the only reason you
should collect it or see it 03 11 09 correction Germany and england are connected" ], [ "At the time of this writing (January 25, 2006), I am saddened to hear of the passing within the past
few hours of Chris Penn. Other than Footloose, The Wild Life is the film that I remember Chris most
from.

I still remember in the film, with slight fondness, of Chris' wrestling character
and teammates sitting in their favourite restaurant with a huge plate of french fries in front of
them, drowned in an entire bottle of ketchup.

Anyhow, my comment is in regards to the
title track sung by Bananarama. After these many years, I still remember the rumour (Canadian
spelling -- lol) that Bananarama was called in at the very VERY LAST moment to compose the track for
the film and that they wrote the song on the plane bound to the recording studio to record the song
and just after they recorded the song they went to shoot the low cost video for their title track. I
heard that this entire process (from start to finish) took 4 hours to do! If this is true, then they
truly are worthy of being the most successful female band of all time.

Anyhow this is
just a rumour I had heard back in the day and still remember a generation later. Perhaps anyone who
reads this can comment and clarify. Thanks." ], [ "While it was filmed at a Florida National Guard site, \"Tigerland\" totally reminded me of Fort Polk,
LA., firing ranges, maneuver areas, waist-deep water and all. The movie was fairly authentic and the
characters similar to those same ones at my AIT in 1974. The difference between the Tigerland year,
1971, and mine of 1974 is all the drill sergeants and instructors knew they weren't going back to
Vietnam, as it was pretty much all over, so training was very relaxed - not a challenge at all. That
was the precursor to all our troubles in the 70s and 80s, which I know for a fact as I stayed in
until 2004. I never heard anyone mention \"Tigerland\" but the Army did have realistic Vietnam
training villages at different bases across the U.S. Vietnam Vets tell me that up to 1972 Basic &
AIT could be pretty rough and rugged, because the trainers had been there and were mandated to train
Vietnam-bound men those skills to make it, although that was not always the case. Both a drill
sergeant at Polk and later one of my Vietnam Vet NCOs, when we had become instructors at a basic
training brigade at Fort Bliss, told me there was nothing they could do to get anyone ready and
people just had to find out and figure out for themselves. This movie rates high." ], [ "And that goes especially for lawyers & cops. Puerto Rico,which boasts of a small,but potent film
production firm,brings this multi layered tale of corruption,due to the on going drug cartel that
starts in South America,makes a pit stop on the island commonwealth,and then northbound into North
America. Steven Bauer,the most recognizable face on screen here,leads a cast of top notch actors,in
a story of \"can you spot the only respectable face in the crowd?\". Ricardo Mendez Matta moves up
from directing mainly action adventure fare for American television,in a screenplay written by
Matta,along with Poli Marichal. The rest of the cast (Elpidia Carrillo,Magda Rivera,Jose
Herredia,Luz Maria Randon,to mention a few)turn in oh so fine roles,in a film that will keep you
wondering \"is there any respectable characters here?\". Spoken in Spanish with English subtitles.
Rated 'R' by the MPAA,this film contains outbursts of vulgar language,brief flashes of nudity,adult
content & violence,some of which is quite lurid." ], [ "One of the greatest film I have seen this year.Last maybe before sun rise, which is also seen late
at night alone in the lab. I like the idea of the film,which suggest free will of man and our
weakness against fate.With time past by James and Kathryn are destined to fail and an indescribable
sorrow comes. I do like the end. but a big question also comes. The virus shall not be released
again, should it?

In the last scene in the airport. Jose is sent back to meet James again
by future scientists. When he tell him that scientists had already got his message and know someone
else would spread the virus. And they two together meet Kathryn when Kathryn tell James the true man
is DR. Goines assistant. So it is clearly Jose also get the true information about the virus,(James
keep an eye on him at the time remember?) and he has teeth. So why everything is still happen?? Why
future scientists don't do anything after the truth is revealed?? My biggest question after the
film..." ], [ "Once when I was in college and we had an international fair, the Russian section had a Soviet-era
poster saying \"Ne boltay!\", meaning \"Don't gossip!\". I \"translated\" it for the \"generation\" of TV
watchers as \"Don't be Gladys Kravitz!\" (in reference to the nosy neighbor on \"Bewitched\").
/>However, when you see the result of gossip in the Pvt. Snafu short \"Rumors\", you see that it's not
quite a laughing matter. In this case, the perpetually witless soldier overhears something about
bombing and immediately assumes that the Axis Powers have attacked the United States. So, he tells
it to someone, who tells someone else, who tells someone else, and it continues. As in \"The Russians
Are Coming, the Russians Are Coming\", the story gets blown more and more out of proportion each
time, so that when it gets back to Snafu...well, you know what I mean! Yes, it's mostly WWII
propaganda - complete with a derogatory term for the Japanese - but I have to say that the Pvt.
Snafu shorts were actually quite funny. Of course, since they had Dr. Seuss writing and Mel Blanc
providing the voices, it's no surprise that these came out rather cool. Worth seeing." ], [ "Serials were short subjects originally shown in theaters in conjunction with a feature film that
were related to pulp magazine serialized fiction. Known as \"chapter plays,\" they were extended
motion pictures broken into a number of segments called \"chapters\" or \"episodes.\" Each chapter would
be screened at the same theater for one week. The serial would end with a cliffhanger, as the hero
and heroine would find themselves in the latest perilous situation from which there could be no
escape.

The audience would have to return the next week to find out how the hero and
heroine would escape and battle the villain once again. Serials were especially popular with
children, and for many children in the first half of the 20th century, a typical Saturday at the
movies included a chapter of at least one serial, along with animated cartoons, newsreels, and two
feature films.

The golden age for serials was 1936-1945. This was one of the best of the
era.

Zorro has been seen in many films, but Reed Hadley (\"Racket Squad\", The Undying
Brain) was excellent in the role.

The action is constant, and we are led chapter by
chapter to the ultimate end where we find out the identity of the evildoer.

Zorro
triumphs, as he always does." ], [ "Columbo is guest lecturer for a criminology class. The students invite him along for their after-
class get-together. Transiting the nearby parking garage, they discover their regular teacher, next
to his car, dead from a gunshot wound. (No, Columbo was not after the man's job.) As a class
project, Columbo involves the students in his sleuthing.

Two students, tentatively
identified by the viewer as culprits, were in the lecture hall for the entire class. Furthermore,
surveillance camera tapes of the parking garage show that no one other than the professor entered or
left after he was last seen unexpectedly departing the lecture hall.

Reversing the normal
routine, Columbo is the one that is pestered by the evil (?) duo, eager for progress reports and an
ear for their theories. Forensic evidence is almost nonexistent. Solution of the case hinges on some
eventual and interesting good luck.

On first viewing, it seemed that Columbo had
swallowed whole the culprits' misdirection; however, on repeat viewing, small details revealed that
not to have been the case at all.

This reviewer has yet to tire of \"Columbo Goes to
College.\"" ], [ "I was never a big fan of television until I watched 24 for the first time. I got into the series
very late. Season 5 ended before I even saw my very first episode. It was an episode of Series 3
that was on my parents DVR (digital video recorder) box while I was house sitting for the weekend.
It took that one episode for me to be hook line and sinker into the world of Jack Bauer. And boy was
I hooked!! I watched the next six episodes without blinking an eye. The next day I went to
Blockbuster and signed up for an unlimited month pass for twenty something dollars and needless to
say it has been the greatest blockbuster money I've ever spent. I watched the first three seasons in
three weeks. That's 72 forty minute episodes!!! I will say that finding out what happens next is
easier on DVD than waiting an entire week. I can only imagine the anticipation of watching Season 6
week to week!! I find it mildly torturous and cruel but I'm going to give it a try and watch it just
like the rest of America!! The DVR is set and you can bet I'll be chomping at the bit!!" ], [ "A delight mini movie, a musical short based on three of Cole Porter's Broadway smash songs. Bob
Hope's first credited film is a delight! He plays an American playboy millionaire on vacation in
Paris. The film opens with him sitting at a table of an out door café telling his friends about this
beauty that takes his breath away. Suddenly he spots her a few yards away. he is so over come his
friends tease him and suggest \"just show her your bank book.\" But Hope claims he can win her in less
than 30 days with \"no\" money! They bet polo ponies over the issue and take all his cash and ID's.
Hope follows her and when they are alone gushes out a proposal she does not believe he is sincere
until he sings to her, \"You Do Something to Me\" by Cole Porter. But she must leave and he tries to
earn money as a tour guide so he can pursue her. But when she sees him showing another girl around
town, disillusioned she wants to drop him. He continues to chase her and catches up to her and her
family at a race track where he bets his meager earnings on the last race hoping to win enough to
impress her. Through a series of events and large synchronized dance numbers he loses the winning
ticket and she decides to marry him rich or poor. So he wins the girl, the race and the bet and
sings two more songs!" ], [ "A shift in outlook is neccesary to enjoy modern British films, one that somehow allows them to be
seen in their own right and for their own qualities rather than by the criteria that American films
are judged. Britfilm has to try hard to be gritty and finds it hard to make it, but at warmth
British films can lord it over their otherwise overwhelming competitor.

This film fails
not in its content but only in attaching itself to the predeccesor, so allowing it to be all to
easily seen as the work of star and director somewhere near the end of their tethers. It's a couple
of decades later, Gregory teaching and this time with two girls on his mind. He teaches at his
school railing against human rights abuses. When students he's fired up find abuses in their midst
he must face whether he's just all talk.

This is a subversive film in that there's not
the usual worldly character of any American movie that you expect to do whatever he does, but a
naive man boy who may still put everything on the line for principles. Maybe. It's certainly no
protest-by-numbers though, being too warm. Where U.S. film may seem realistic because they're urban
and gritty, this and other British films of recent years - those that don't try to match America for
visceral thrills - are real because British humour reveals truths." ], [ "It's been so long since I've seen this movie (at least 15 years) and yet it still haunts me with a
vivid image of the horrific consequences that prisoners of war can face despite the terms of the
Geneva Convention.

A unit of Australian underwater demolitions experts are captured in an
archipelago near Japan following a successful mission to set mines in a Japanese harbor.
/>Once in prison these men expect the same treatment as any other POWs but to their dismay soon
learn from a friendly Japanese prison guard that they are being tried as spies since they were out
of uniform when captured. The consequences of such an infraction, by Japanese martial code, is
execution by beheading.

Despite their pleas, and the pleas of the sympathetic prison
guard, the day of reckoning approaches like a ticking time bomb. The tension is so high you will
actually hear the ticking, though it may just be your chest pounding with the percussion of a
marching execution squad.

The ending is actually too painful to reenact in my head much
less write it here. But I can promise you-- you'll never forget it. Good luck finding the video in
the U.S." ], [ "\"La Bête\" by Walerian Borowczyk is based on the short story \"Lokis\" written by Prosper Merimée.Lucy
Broadhurst(Lisabeth Hummel),an American heiress betrothed to the son of an impoverished
Marquis,arrives at the family's crumbling château and learns of a mythical ursine beast purported to
prowl the nearby forest.It is fabled that a former lady of the house(Sirpa Lane)once engaged in
perverse sex with the creature and Lucy finds herself consumed by dreams of the incident. \"The
Beast\" is an art-house mix of surreal horror,explicit sleaze and porno.There's implied
bestiality,assault and perversion in the priesthood,copious fake ejaculate smeared on bared
breasts,masturbation with a rose and, most graphic of all,the eponymous beast toying with incredibly
big phallus.Still this genuinely erotic film is wonderfully photographed and tasteless.The women
here are stunningly beautiful and they are naked most of the time.Overall \"La Bête\" is a visual
feast.Whether it be from the fetishistic attention to detail,or the visual motifs pregnant with
information,Borowczyk's masterpiece should be watched with care and attention.A must-see for fans of
European cult cinema." ], [ "In New Orleans, an illegal immigrant feels sick and leaves a poker game while winning the smalltime
criminal Blackie (Walter Jack Palance). He is chased by Blackie and his men Raymond Fitch (Zero
Mostel) and Poldi (Guy Thomajan), killed by Blackie and his body is dumped in the sea. During the
autopsy, the family man Lieutenant Commander Dr. Clinton Reed (Richard Widmark) of the U.S. Public
Health Service finds that the dead man had pneumonic plague caused by rats and he needs to find who
had any type of contact with the man within forty-eight hours to avoid an epidemic. The City Mayor
assigns the skeptical Captain Tom Warren (Paul Douglas) to help Dr. Clint to find the killers that
are infected with the plague and inoculate them.

\"Panic in the Streets\" discloses a
simple story, but it is still effective and with a great villain. The engaging plot has not become
dated after fifty-seven years. Jack Palance performs a despicable scum in his debut, and the camera
work while he tries to escape with Zero Mostel is still very impressive. My vote is seven.
/>Title (Brazil): \"Pânico nas Ruas\" (\"Panic in the Streets\")" ], [ "The Paul Kersey of DEATH WISH 3 is very far removed from the Paul Kersey of the original film . If
you remember the 1974 film then you will remember Kersey was a \" Conchie \" during the Korean war and
that he was physically sick after he committed his first execution . Ten years later Kersey seems to
have learned unarmed combat and how to handle anti tank weapons in his spare time . But I`ll
overlook that gaffe because DW3 is the best of the sequels , lowlife scum bags get shot dead ,
burned alive , their teeth smashed , and thrown to their deaths by middle aged housewives armed with
sweeping brushes . Yeah I know the gang members are multi ethnic and for that they deserve some
credit but even if they`re not racist they`re still murdering scum who deserve all they get from
Kersey and the innocent citizens . Who needs Mayor Rudy when you`ve got Paul Kersey , an anti tank
rocket and a bunch of old age pensioners to reclaim the streets from the criminal creeps . Paul
Kersey I salute you sir" ], [ "After the usual chase scene, Jerry accidentally winds up inside a bottle of invisible ink, which was
part of a chemistry set. He quickly discovers he's invisible...so the predictable results occur,
meaning he uses his new hidden condition to torment Tom. Jerry often is just defending himself, but
often he has sadistic streak in him that torments the cat whenever possible, even when
unprovoked.

Here, he makes Tom think his eyes are deceiving him when cheese from a
mousetrap disappears before his eyes, or milk from a dish. Tom can't take anymore so he tries to
sleep this nightmare off, but Jerry sets fire to his paw! Man, I hope little kids didn't ideas
watching these cartoons back in the '40s and '50s! I always found Jerry, the little mouse, more evil
than cute.

Thankfully, in cartoons, generally, whatever damage a character suffers is
gone within seconds and he's back to normal.

The best part of this cartoon is about two-
thirds of the way through when Tom figures out what the story is with Jerry, and tries different
methods to detect where the mouse is located (such as putting flour on the floor to see his
footprints)." ], [ "Ingrid Bergman (Cleo Dulaine) has never been so beautiful. Gary Cooper as \"Cleent\" so perfectly cast
as a laconic Texan who knows this gal is up to no good. When the two lock eyes at the French Market,
we know this match will be full of sparks. When they stroll in her garden in her restored French
Quarter house and the love theme plays it is a dream for all us romantics.

The costumes
are lovely; the set decoration makes you wish the \"Quarter\" was just that way. And that Saratoga
still had that hotel with the wide veranda with all the old biddies gossiping.

From Edna
Ferbers novel, the story is of revenge for old wrongs and the fights over who would run the
railroads in the early days of that industry.

In the Saratoga scenes, Florence Bates as a
grand dame steals every scene.

But it is the scene of Cleo taking on the little lawyer
her New Orleans relatives have sent to buy her off that is a Magic Movie Moment. After Cleo has
bested him in the negotiations, he looks at her with longing and says \"may I say - you are very-
beautiful\". And Cleo with a happy, wicked smile says \"yes, isn't it lucky.\" You want to shout
\"YES\"!!!

One of my all time favorite romantic films." ], [ "It's quite an accomplishment that three stories filmed by three very different filmmakers could be
simultaneously so insightful about gay & bi-sexual relationships, and their struggles!
/>\"Pool Days\" is about the awkwardness of adolescence, and the mutual attraction between an older
man and a younger one. A story about experience and vulnerability!

\"A Friend Of Dorothy\"
portrays a common dilemma many gay and bi-sexual people experience at some point in their life: the
intense attraction towards someone whom is heterosexual. Sensitively examined, this story truly left
me feeling moved!

\"The Disco Years\" shows another version of a no-win situation: getting
involved with someone who is not only confused about their sexual orientation, but is also terrified
of being exposed as anything other than straight! A very empowering story for those of us who have
experienced betrayal at the hands of a sexually confused and frightened person!

While
these three stories will appeal to anyone who has an iota of empathy towards others, they will
psychologically empower those who consider themselves gay, bi-sexual or searching. Each story is
uplifting in its own unique way!" ], [ "Poor Ivy: Though to the manner born, she had the bad luck to marry a charming wastrel (Richard Ney).
As the movie is set in the 20s or 30s, when rigid Victorian ideas of class were starting to fray at
the edges, this uncertain status vexes her unduly. The Gretorexes (for so they are called) don't
know where their next shilling is coming from but there are yachting parties and fancy-dress balls
in posh pleasaunces aplenty to tempt her. When Ivy (Joan Fontaine) makes the acquaintance of a
wealthy older gent (Herbert Marshall, who must have been born middle-aged), she sets one of her
extravant chapeaux for him. Luckily, one of the beaux she still strings along (Patric Knowles) is a
physician whose consulting rooms provide a cache of poison, with which she bids her hubby farewell.
The fact that it implicates Knowles doesn't phase her a bit, even as the hours trickle by until he
should be hanged by the neck until dead. The turning of the plot depends on police inspector Sir
Cedric Hardwicke; Knowles' mother (the redoubtable Lucile Watson); and Knowles' loyal housekeeper
(Una O'Connor). Sam Wood adds some subtle touches to this well above average melodrama; Fontaine's
luminous face supplies the rest." ], [ "I caught this at a screening at the Sundance Film Festival and was in Awe over the absolute power
this film has. It is an examination of the psychological effects on our brave soldiers who join the
military with hopes that they will protect and serve our country with honor as well as be taken care
of by our government for it. The film details the psychological changes that takes place in boot
camp as the soldiers are turned into \"killers for their country\" and put into the war and the after
effects once they return home. It also portrays the effect that killing has on the human psyche. It
pays homage to the Soldiers and never ever criticizes the soldiers unlike other films, instead
criticizes a system that is not prepared to and does not take care of all the physical and
psychological needs of the returned Vets.

This film is powerful, moving, emotional and
thought provoking. It stands as a call to arms to support our troops not only by buying stickers and
going to parades but by actually listening to them, and helping to support a change in the way their
health and well being is taken care of after the killing ends.

The best film of the
Festival so far, ****/****" ], [ "Purple Rain is so cool for the dad. We Are Tracking 921 callers from Minneapolis. Hudson Horstachio
prepares to ride a motorcycle , take a ride with Franklin Fizzlybear in the caddy. Let's go back to
1984 , it was a movie released and Prince tripped into stardom. You would think Hudson Horstachio
will be a superstar for his new movie in 20th Century Fox Movie called \"VP : Purple Rain\" , starring
Hudson Horstachio (voiced by Dan Green , who played Max's Dad , the Pokemon gym leader). 9 Tracks.
Tina Turner's Private Dancer and Billy Ocean's Suddenly was headed for the album as Prince held more
concerts. It is time we've pulled the plug on the 1984 movies. Our 20th Century Fox Fans are not
watching anymore. The Kid yells out \"Look Out For The Deer!\" is such a danger in mind , Ralph
Schuckett will be composing and conducting the new movie called \"VP : Purple Rain\" released on
video. Tom Cruise jumps into his motorcycle , Brad Pitt jumps into his motorcycle and Hudson
Horstachio jumps into his motorcycle. Thanks to Bette Midler from Beaches and the keyboardists. You
Are Beholding The Heroic Horstachio , Hudson! Bart is writing \"I shall not watch Purple Rain\" on the
chalkboard , Go On The Bloomington Ferry Bridge and enjoy The Kid's festivities. Hudson Horstachio
is watching you!" ], [ "Without doubt the best of the novels of John Le Carre, exquisitely transformed into a classic film.
Performances by Peter Egan (Magnus Pym, The Perfect Spy), Rudiger Weigang (Axel, real name Alexander
Hampel, Magnus' Czech Intelligence controller), Ray McAnally (Magnus' con-man father) and Alan
Howard (Jack Brotherhood, Magnus' mentor, believer and British controller), together with the rest
of the characters, are so perfect and natural, the person responsible for casting them should have
been given an award. Even the small parts, such as Major Membury, are performed to perfection. It
says a lot for the power of the performances, and the strength of the characters in the novel that,
despite the duplicity of Magnus, one cannot help but feel closer to Magnus and Axel than to Jack
Brotherhood and the slimy Grant Lederer of U.S. Intelligence. I have read the book at least a dozen
times, and watched the movie almost as many times, and continue to be mesmerized by both. If I had
one book to take on a desert island, A Perfect Spy would be the choice above all others." ], [ "Giant Robot was the most popular Japanese TV serial ever seen on Indian TV. It was targeted to
children and we saw a robot for the first time in our life.

Many Indian children must
have even seen a machine for the first time outside the school textbooks.

The serial
also showed a child in an adults organization fighting evil. No doubt, many of us who have seen
Giant Robot in our childhood long for our own robots and as a stopgap arrangement look upon our
computers in the same way.

This show also portrayed ideal adults, (referring at Jerry,
Johnny's buddy friend and Unicorn chief Azuma). We grew to respect Japanese progress and still view
Japan as the ideal Asian nation.

BTW, at that time, there were no satellite TV channels
in India and the govt owned broadcaster did not show much of Disney cartoons. I guess that was how
child serials like giant Robot got appreciated. Nowadays there is Pokemon etc but they are no so
fascinating or alluring as Giant robot." ], [ "This movie was well done. It covers the difficulties a returning Vietnam veteran has in dealing with
the horrors of war. Unfortunately the writers chose to focus on a Vet who had been involved in an
act of atrocity. I was in Vietnam and only once heard of such an act by one who witnessed it. The
offender was prosecuted and sentenced to many years in Leavenworth.

The notion that only
vets involved in atrocities had emotional problems is a disservice to all who served. All of the
soldiers I knew personally or knew of by word of mouth were honorable soldiers who respected even
the enemy and believed they were there to halt the spread of Communism. The biggest problem was
coming home to learn that many Americans were opposed to the war. That is what caused many Veterans
to feel they had taken part in something less than honorable. Not the manner in which they
served.

The ending depicted the father acting more as a belligerent bully than a loving,
caring father. For that I gave it a 7 out of 10. Had the ending allowed for a degree of acceptance I
could have rated it a 9.

Most decent men will come home from war with guilt and emotional
scars. They need acceptance and understanding to overcome that. I pray that the public is more
understanding of our present day Veterans than it was in the the Vietnam era." ], [ "Walt Disney's 20th animated feature was the last one to be greenlighted by the great man himself (he
died in late 1966) and is not generally considered to be among their very best output. The main
problem is that, on the surface, the film seems merely to be the feline version of either LADY AND
THE TRAMP (1955) or 101 DALMATIONS (1961) both of which are certainly more beloved by fans Even so,
being both an animation and cat lover, I dug this reasonably bouncy concoction in which a pampered
female cat (voiced by Eva Gabor) and her three little kittens are thrown out onto the streets of
Paris by a wealthy lady (Hermione Baddeley)'s greedy butler. Luckily, they meet a streetwise alley
cat (Phil Harris) who guides them on the journey back and are further aided along the way by a
feline jazz band (led by Scatman Crothers) and two helpful and amiably dopey dogs; meanwhile at
home, Edgar the butler celebrates his supposed inheritance and the mouse and the horse do their bit
to help their fellow feline pets. Legendary entertainer Maurice Chevalier was whisked back from
retirement to sing the title song (which includes a verse in French) and Scatman's band indulge in a
breezy number \"Ev'rybody Wants To Be A Cat\"." ], [ "In New York, the family man dentist Alan Johnson (Don Cheadle) meets his former roommate and friend
Charlie Fineman (Adam Sandler) by chance on the street. Charlie became a lonely and deranged man
after the loss of his wife and three daughters in the tragic September 11th while Alan has problems
to discuss his innermost feelings with his wife. Alan reties his friendship with Charlie and they
become close to each other. Alan tries to fix Charlie's life, sending him to the psychologist Angela
Oakhurst (Liv Tyler), but Charlie has an aggressive reaction to the treatment and is send to
court.

\"Reign Over Me\" is a good drama about loss, friendship, family and loneliness. The
September 11th is irrelevant to the plot; it could be a car accident, a fire or any other tragedy,
as well as the sexual harassment of Donna Remar, played by the gorgeous Saffron Burrows, to Alan.
But the family drama works, supported by the great performances of Adam Sandler and Don Cheadle. Liv
Tyler is quite impossible to be recognized, I do not know whether she is using excessive make-up to
look older, but her face is weird. My vote is seven.

Title (Brazil): \"Reine Sobre Mim\"
(\"Reign Over Me\")" ], [ "Tom Hanks like you've never seen him before. Hanks plays Michael Sullivan, \"The Angel of Death\". He
is a hitman for his surrogate father John Rooney(Paul Newman)an elderly Irish mob boss. Sullivan's
young son(Tyler Hoechlin)witnesses what his father does for a living and both are soon on the road
for seven weeks robbing banks to avenge the murder of Sullivan's wife and other son. Enter Jude Law
as a reporter/photographer willing to kill Sullivan himself for the chance to add to his collection
of photos of dead mobsters. Filmed beautifully catching the drama of life in the 30's. Sometimes the
pace bogs down, but then a burst of graphic violence sustains the story. Director Sam Mendes directs
this powerful drama about loyalty, responsibility, betrayal and the bonding of a secretive man and
his young son. Other notable cast members are: Dylan Baker, Stanley Tucci, Daniel Craig and Jennifer
Jason Leigh. Hanks again proves to be excellent in a very memorable movie. Make room for some
Oscars!" ], [ "I remember watching this film, thinking was so interesting. I really wanted to know what happens
next. I was amazed by how much they could fit into an 8 minute short. We start in a school yard. .
Two friends are debating on skipping class. Kid B says to Kid A \"Lets not go to class today.\" And
Kid A declines, claiming they could miss something really important. So kid B skips and kid A goes
to class. When he gets there the teacher informs him that today they were going to learn the only
and most important lesson they will ever learn. They were going to learn the meaning of life. She
gives everyone a pamphlet, and when she gets to kid A, she runs out and tells the boy next to him to
share. Well, the kid won't share, so Kid A goes looking for the teacher. When he finally finds her,
he gets a shocking revelation on what the real meaning of life is. I suggest everyone watch this
short. It will only take 8 minutes from your life, but the message is so important, it could help
you for a life time." ], [ "Dr. Franz Tobel, a Swiss scientist, is smuggled out of his home country by Sherlock Holmes in order
that the Nazi agents spying him do not get his invention of a new bomb sight. Arriving in London, he
takes residence with Holmes and Watson, but goes out for a visit with his girlfriend, Charlotte
Eberli, where he leaves a clue for Holmes as to the locations of his bomb sight, which he has
divided into four pieces, but Holmes' eternal nemesis, Professor Moriarity, is also seeking the bomb
sight to sell to the Nazis, and abducts Dr. Tobel and the clue left at Charlotte's, a code series of
dancing men, which both Holmes and Moriarity are both unable to decipher completely. Holmes
eventually discovers the clue to the code and get the location of the fourth piece of the bomb
sight, but Moriarity has the other three and a showdown is inevitable. Very good entry in the Holmes
series with plenty of mystery and guesswork to go about. Atwill's portrayal of Moriarity is more
sadistic than the cunning sort described in the Doyle stories (or George Zucco's performance in The
Adventures of Sherlock Holmes), but Atwill's skills as an actor makes his Moriarity quite the
benevolent fellow. The script and direction both make this entry more of a cat and mouse game
between the two characters and that is one of the reasons this entry succeeds so well. Great job on
the cinematography as well. Rating, 8." ], [ "On one level, Hari Om is a film using a familiar genre - the road movie - to tell a familiar story:
curious Westerner explores the mysterious East. But at its heart, the film is about two people, a
young French beauty (Isa) bent on experiencing life to the fullest and a motorized rickshaw driver
(Hari Om) with Bollywood aspirations, from vastly different cultures, their slowly growing
attraction for each other, and the beautiful mad chaos that is India today. The gap between them can
never be bridged, but the director succeeds in bringing the two as close to the brink of an affair
as possible without damaging the story's plausibility. India and its people are essential
ingredients of the narrative, and except for the main characters, the roles are played beautifully
and persuasively by locals recruited during the film's production while on the road between the
Indian towns and villages that form the film's setting. One major negative for this viewer: a
Keystone Kops chase near the film's conclusion as Hari flees mobsters bent on collecting a gambling
debt. But the closing scenes where Isa and Hari bid farewell are poignant and unforgettable." ], [ "Some users are confused about the identity of the armed men walking down the steps in the \"Odessa
staircase\" sequence. These men are not Cossacks but regular army troops.

The Cossacks
arrive at the scene a little later and they are the men on horses slashing at the crowd with their
sabers.

To experts on Russian history: Correct me on this if I'm wrong.

But
there are a couple of lines in the movie that apparently no one has commented on. After the takeover
of the Potemkin, someone in the crowd on shore says, \"Kill the Jews!\" This is on screen for only a
couple of seconds but it is there.

How cruelly typical of history, not just in Russia but
in so many other countries, to immediately, unthinkingly and instinctively blame Jews for any
domestic trouble!

Perhaps other parts of the movie are not historically factual but the
outcry against the Jews is all too real. Comments, anyone?

Also, why can't speakers of
English learn to pronounce the name as \"Potyomkin\" instead of as \"Potemkin\"? There's a need in
Russian to distinguish the two possible pronunciations of \"e\": as either \"ye\" or as \"yo.\" Sometimes
two dots are used to distinguish these two pronunciations but usually the difference simply has to
be memorized." ], [ "Radiofreccia is a movie about all of us, about our dreams, our friends, our obsessions, our
addictions, our fears. It is a brilliant movie where a group of friends like all of us have lives
through the hardships of growing up in a small town in one of the most significant decades in the
last century. The movie doesn't take a happy or sad approach on things, it just tells us a story,
one that all of us could have experienced. One of happiness and excitement, sadness and grief. The
power of this story is in that we grow to love the characters, it is one of those movies you will
watch over and over again, feeling closer to the little town in Emilia Romagna where it takes place.
Hoping one day to be able to finally walk its streets next to Freccia and his friends, listening to
the music that changed the world through the crackling sound of an old radio playing Radio Raptus
International, playing their dreams, our dreams. Radiofreccia will make you laugh, it will make you
cry at times, it will shock you and comfort you, it will give you and take from you. Personally I
believe it to have played an important part in my life, and that of my friends, and I suggest you
all watch it and let it become part of yours." ], [ "This anime recounts the tale of the Battle for Mamodo King. Every 1,000 years, 100 Mamado children
are sent to Earth to fight to determine who will be their next king (in the original Japanese, the
creatures are Mamono, which literally means magic/evil object). Each Mamado is paired with a Human
partner, and given a magic spellbook. The Human can use this book to unleash incredible powers in
the Mamodo, and when a Mamodo is defeated, their spellbook is engulfed in flames (alternately, a
Mamdodo's book can be captured and burned directly). After that the Mamodo returns to the Mamodo
world.

The titular character is Zatch (Gash in Japan), a 6-year old mamodo with electric
powers. He is paired with Kiyomaru Takamini, and 14-year old genius. Zatch is initially reluctant to
fight, but learning that some Mamodo are evil and deciding the battle for king is wrong, he decided
to fight to become a 'kind king'.

Zatch Bell has drawn comparison to Pokemon, but a
better comparison is to Digimon. Like Digimon, the Mamodo and Human have a one to one, symbiotic
relationship. Also unlike Pokemon, both shows have an actual plot.

Zatch Bell features
character growth and evolving relationships, and some fairly adult story lines (like love vs racism;
slavery; mind control; etc.). It even has some decent plot twists and mysteries." ], [ "13 days to Glory tells the traditional tale with sympathy toward the Mexican viewpoint. The major
problem in this movie was that while cowboy actor James Arness played the part of Jim Bowie
persuasively, the rest of the name actors in the cast Brian Keith (Davy Crocket) and Lorne Greene
(Sam Houston) were too old.

Raul Julia played General Antonio Lopez de Santa Anna with
grace and dignity owed to the professional soldier who after all won the battle. The scene where he
upbraids his officers for failing to mount a guard and prevent a sortee is one the scriptwriters did
not understand. Failing to keep watch is a major remiss in the military. Santa Anna was within his
prerogatives to be angry. Raul Julia magnificently carried poor writing through the scene.
/>Kathleen York was an impressive Susannah Dickinson, a woman who deserves to be remembered for her
courage. However, Kathleen York might have been reminded that as Dickinsons hailed from Pennsylvania
they probable dis not sound very Southron." ], [ "A young woman (Jean Simmons) is convinced by her scheming and dangerous aunt (Sonia Dresdel) and
uncle (Barry Jones) that she's losing her mind and in very delicate condition that requires their
supervision which turns out to be more like manipulation, as they try to keep her as far away from
outside human contact as possible. The only other person she sees is the estate caretaker, a
lascivious character played by Maxwell Reed, whose caught the wayward eye of the middle-aged aunt.
All of this, the aunt and the caretaker, the butterfly expert uncle who has a serious underside to
him, and the susceptible niece in the middle, would have made for a darker and more sinister film.
As it is, a frame-up for a murder sends Trevor Howard (a fired government secret service agent who
took a job at the estate cataloging butterflies) and Simmons across the countryside escaping police,
catching headlines of \"Police Net Closing In\" over her front page photo, hopping on buses, and
winding up in Liverpool, where they meet some wonderfully cast characters, and finally face down the
greedy and murderous aunt and uncle." ], [ "Boogie Nights is full of surprises, nothing quite prepares one for it its soul. Yes, it does have
soul, whilst tackling the tackiest of subject matter, with both a wry smile and respect. Brillantly
cast and wonderful character development, the performances somehow combine the best of stage acting
with improvisation within a cinema verite style.

The plot proved richer than I expected
and the underlying themes are teased out quite profoundly as each \"B grade\" human being is brought,
through crisis, into perspective.

A sociologist's dream case study, the film resonates
the raw truth of what we all know about self-esteem, parental love and lack of it, attention/love
deficit and its manifestation in adulthood, the desperate need to belong. Something for everyone
here.. almost camouflaged as issues of untouchables and their separate milieu but of course they are
universal.

The film works on a number of levels. The ironic loop is that the milieu
portrayed exists only because of the voyeur, who happens to be watching the film...
/>Boogie Nights is non judgmental of its subject matter and characters, a rarity. It deserves every
accolade it has achieved and more." ], [ "Not having heard of this film, it came as a surprise when it was shown on cable recently. Gary
Ellis, the gifted director of \"Tough Luck\", does wonders with the screen play written by Bill
Boatman and Todd King. The film involves the viewer from the start.

Archie, the young
hustler at the center of this story, has been involved in all kinds of petty crime. In fact, we
witness a confrontation right at the beginning which makes him get out of New Orleans, as fast as he
can. He ends up in the carnival that is run by the mysterious Ike. Archie falls for Davina, the
woman he should have been wise to stay away from. The result proves a fatal judgment for Archie who
then becomes the object of double crossing all around.

The director should be commended
by the casting of Norman Reedus, who obviously is loved by the camera. In spite of his nature, one
feels for him because we know his heart is in the right place. The beautiful Dagmara Dominczyk is
perfect as the exotic dancer Divana who, in spite of being Ike's lover, entices Archie into falling
heads over heels with her. Armand Assante is barely understandable with the thick accent he speaks
during the first half of the film.

\"Tough Luck\" shows a new director, Gary Ellis, showing
he will go to do bigger and better things because he knows what he is doing." ], [ "After learning that her sister Susan is contemplating divorce, Kate decides to travel to the
distraught woman's remote country home and spend some time with her. When Kate arrives, however,
Susan is nowhere in sight. That's because someone has murdered her and stuffed the body in a trunk
in the basement. As a storm rages outside, Kate tries to figure out where her sister could have gone
and places her own life in great danger...the killer is still on the premises! In her first post-
BEWITCHED vehicle, Elizabeth Montgomery gives a solid dramatic performance. Merwin Gerard's teleplay
is based on a short story by McKnight Malmar. Malmar's tale was first brought to television in 1962
as an episode of Boris Karloff's THRILLER anthology series. THRILLER stuck very closely to the
story, which is kind of a pity, for it could have used a little punching up. Granted Malmar wrote a
moderately creepy number, but Gerard (creator of the ONE STEP BEYOND show) adds several clever
ingredients that heighten the tension and suspense." ], [ "I researched this film a little and discovered a web site that claims it was actually an inside joke
about the Post WWII Greenwich Village world of gays and lesbians. With the exception of Stewart and
Novak, the warlocks and witches represented that alternative lifestyle. John Van Druten who wrote
the stage play was apparently gay and very familiar with this Greenwich Village. I thought this was
ironic because I first saw Bell, Book and Candle in the theater when I was in 5th or 6th grade just
because my parents took me. It was hard to get me to a movie that didn't include horses, machine
guns, or alien monsters and I planned on being bored. But, I remember the moment when Jimmy Stewart
embraced Kim Novak on the top of the Flatiron building and flung his hat away while the camera
followed it fluttering to the ground. As the glorious George Duning love theme soared, I suddenly
got a sense of what it felt like to fall in love. The first stirrings of romantic/sexual love left
me dazed as I left the theater. I am sure I'm not the only pre-adolescent boy who was seduced by Kim
Novak's startling, direct gaze. It's ironic that a gay parable was able to jump-start heterosexual
puberty in so many of us. I am in my late 50's now and re-watched the film yesterday evening and
those same feelings stirred as I watched that hat touch down fifty years later . . ." ], [ "\"The Honkers\" is probably Slim Pickens best performance of all time. When we were shooting, everyone
connected with the production figured that Slim was Academy Award material. Unfortunately, United
Artists had a James Bond picture in release at the same time and did not devote much attention to
\"The Honkers\". I personally feel this film was under-rated by most critics. Sam Peckinpaw's \"Junior
Bonner\" was out at the same time and seemed to impress the critics more than our film. Also, Cliff
Robertson had a rodeo film out a few months before our release and that might have hurt us, too. The
picture is worth watching, if just for the rodeo footage--some of the best ever filmed--shot by
James Crabbe. The director and my co-writer, Steve Ianat, died a few weeks after the picture's
release, cutting short a promising career and leaving behind his lovely wife Sally, his daughter,
Gaby, and newborn son, Stefan. Please give this movie a shot. I'm betting that you'll say it was
well worth while. I thank anyone who has taken the time to read this. Stephen Lodge" ], [ "The King of Masks is a beautifully told story that pits the familial gender preference towards males
against human preference for love and companionship. Set in 1930s China during a time of floods, we
meet Wang, an elderly street performer whose talents are magical and capture the awe of all who
witness him. When a famous operatic performer sees and then befriends Wang, he invites Wang to join
their troupe. However, we learn that Wang's family tradition allows him only to pass his secrets to
a son. Learning that Wang is childless, Wang is encouraged to find an heir before the magic is lost
forever. Taking the advice to heart, Wang purchases an 8 year old to fulfill his legacy; he would
teach his new son, Doggie, the ancient art of silk masks. Soon, Wang discovers a fact about Doggie
that threatens the rare and dying art.

Together, Wang and Doggie create a bond and
experience the range of emotions that invariably accompany it. The story is absorbing. The setting
is serene and the costuming simple. Summarily, it is an International Award winning art film which
can't help but to move and inspire." ], [ "It's sad to view this film now that we know how the ANC got shafted by international capitalism.
Biko died for nothing much. Woods achieved little. Yes, outright apartheid was abolished, but all
the apparatus of power was reserved by the minority whites, leaving the ANC government more or less
impotent. As Naomi Klein writes in The Shock Doctrine, in the talks between the black and white
leaderships \"the deKlerk government had a twofold strategy. First drawing on the ascendant
Washington Consensus that there was no only one way to run an economy, it portrayed key sectors of
economic decision making --- such as trade policy and the central bank --- as \"technical\" or
\"adminsitrative\". Then it used a wide range of new policy tools --- international trade agreements,
innovations in constitutional law and structural adjustment programs --- to hand control of those
power centres to supposedly impartial experts, economists and officials from the IMF, the World
Bank, the GATT and the National Party --- anyone except the liberation fighters from the ANC.\" The
statistical results are horrifying, with not much change accomplished, and AIDS flourishing. Viewing
Cry Freedom in this light is deeply ironic --- actually tragic. The ANC has transformed itself from
being the solution to being the primary problem." ], [ "As an avid reader of Clive Barker, I truly anticipated this film prior to it's release... I was not
let down. \"Nightbreed\" is a horse of a different color. Rich in the underlying decay of western
civilization and dripping with alternative existence in a way we have never seen before. Barker is
at his best when he allows us to peek into his world of unprecedented horror, yet showing us the
other side of the coin. Here the \"Monsters\" are the hideously beautiful beings, while the humans are
the deceptively ugly creatures of self indulgence. We soon learn that we were wrong all along. By
far my favorite performance by the often under-used Craig Sheffer, and the added bonus of David
Cronenberg as \"Decker\" is a cast best seen then believed. The \"Monsters\" are portrayed flawlessly by
a bevy of English creature masters, whom many also brought the \"Cenobites\" to life in \"Hellraiser\",
including \"Pinhead\" himself Doug Bradley. \"Nightbreed\" is an absolute must see for any fan of the
horror genre, and anyone who needs just a little (Something) more out of their horror story. This IS
Clive Barker at his finest." ], [ "This delightful, well written film is based on a New York stage play bearing the same title where
Sir Aubrey (knighted Sir Charles Aubrey Smith in 1944) originated the role he plays in the film.
Here, in 1931, we see him in the early part of his acting renaissance in the very early era of
\"talkies\" and in the character role that he would make his own until his death in 1948 after
finishing his last performance in Little Women which released in 1949.

This engaging play
is about an elderly British aristocrat who locates his illegitimate children and introduces himself
to them, having brought them to his manor in England.

Marion Davies plays his daughter-
by-error and it's a tour de force for her. She is all at once endearing, impatient, shallow,
enchanting, wise and compassionate while creating an indelible and beguiling character that remains
well ensconced in the memory.

The 26 year old Ray Milland appears here in a small but
prominent role having already appeared in seven other pictures then only in films for a bit more
than two years.

The film should be enjoyed as a representative of 1931 Hollywood factory
production of course and as such is not flawless. However, it's a charming pleasure from first scene
to the last." ], [ "Add pure humor + quick and unique sentences + sex + unfaith sex! + love + lies + dark deadly
thoughts + secret plans + fun + black humor + sex!.. again! + black dresses! (needed for the
unlimited funerals!) = Eglimata!!! Or in English, Crimes!! Our Heroes are two married couples, their
relatives, their friends and neighbors. There is Soso and Alekos and Flora and Achilleas, two
married couples who have everything but not real love! Flora is the mistress of Alekos, and when
Soso finds what's going on, she is planning with her best friend Pepi to kill Alekos and look like
an accident! Many plans were made but everyone else dies except Alekos! Achilleas find's out that he
has a sister who is a Hooker and tries to put her in the right road..Korina is a temptation to mens
but her tries to get married all goes wrong, since when they learn her past, freaks and leave and
she ends up marrying a rich farm man. As for the other roles they are like they are from Cartoons!
Grandpa Aristidis which fakes that he is paralyzed, Machi is his nurse who is secretly marry to
Aristidis for his fortune, Johny, son of Machi, who has it OK with everybody to have all the
benefits, Michalakis who has only one purpose in life.. to suicide, but he is unable to do it so he
is desperate! Every time, I see the replays and every time when it finishes I miss it.. One of my
favorite All time classics..." ], [ "A woman borough a boy to this world and was alone. They both were alone because a boy had a gift and
a curse in one package - he was capable of withdrawing sword from his arm. There was always a wound
on his wrist in the cause of this \"gift\" - the wound of the deadliest weapon inside of his body.
First he kills his constantly drunk stepfather who hurts his mom every time. Then he grows up and
decides to find his real father. Just as simple as all the time for a superhero - he reaches the
justice....but the society decides this justice is not necessary and dangerous which is indeed right
'cause it is not like in Hollywood movies that the character does not try to kill anyone - Sasha (he
is the main hero acted by Artem Tkachenko) kills if the person who in his opinion deserves to die
but gets blames from authorities and runs. In such a runaway from authorities and Mafia he meets a
girl (acted by Chulpan Hamatova) and falls in love with her. Everything else is to be watched...not
told. Be aware that this film is more about feelings and emotions but not about actions. This film
is full of pain of the main character full of him and his vision of life." ], [ "

Headlines warn us of the current campaign to demonize drug users, note the nostalgia for
Mussolini in Italy and remind us of our wont to profile likely terrorists. \"Focus\" reminds us of the
evils of rampant fear and distrust and the anti-Semitism disguised as pro-Americanism of the WWII
era. What goes around...

Lawrence Newman (William C. Macy) becomes the unfortunate victim
of hate crimes after he is mistaken for a Jew and these attacks increase when his bride, Gerty
(Laura Dern) highlights the look. Newman rails against the false accusations when they cause him
direct harm but he minds his own business. We see the rise in anti-Semitic attacks through his
myopia, a condition not completely cured by eyeglasses.

Macy's typical everyman role is
featured again and the long road to realization that we are all connected nearly costs him his life.


What is it about the character Macy portrays to us? We can't choose to ignore the
violence, hate, and bigotry because citizenship forces us to take sides. Newman's dilemma is that he
has no alternative but to side with the mistreated and goes through hell to see it. And our sadness
is that most of us need to be beaten up to realize the dangers surrounding us.

Let's
focus." ], [ "Cleopatra (the delicious Monica Bellucci) is challenged by Cesar (Alain Chabat): in order to prove
that the Egyptians are better than the Romans, she promises to build a fancy castle for Cesar in a
period of three months, without any delay. She calls the one-arm architect Numerobis (Jamel Debbuzi)
and gives him two options: to be covered by gold if he accomplishes his mission, or become crocodile
food if he fails. Numerobis will ask for help to Panoramix (Claude Rich), Asterix (Christian
Clavier) and Obelix (Geraard Depardieu) (with Ideiafix). This movie is very funny, specially the
parts where Obelix and the Pirates leaded by Red Beard participate. However, the screenwriter and
the director should have noted that French is not an universal language as English is. Therefore,
the jokes with words (like in Austin Powers movies, for example) does not work well for people
strange to French language. French people and persons fluent in French language will certainly like
these jokes, but they do not make any sense for me, that do not speak French. My vote is seven." ], [ "More directors like Nacho Vigalondo need a greater outlet for their talents. 7:35 De la mañana is
absolute genius. What Nacho is able to convey in 8 minutes takes some Hollywood directors hours of
film to achieve. I watched this smiling, but feeling a little dirty and not in the sexual way. You
sit and wonder how you should feel after watching this 8 min. nugget. I was entertained, but was
disturbed at the same time. Not many people can do that in just 8 minutes. It starts off simple
enough. A young women comes in for breakfast at her usual place. She sits down and someone starts
singing. From there, the film takes you through so many different emotions all at once it is hard to
describe. It is in black & white, but this helps with the feeling the film gives you.This film makes
you want to know more about the characters, how they interacted previously and how the ending
impacted their lives afterward. I guess it like the old saying,\"Leave them wanting more\", Nacho
Vigalondo is able to do that. Watch this when you can. Show it to your friends and wonder how 8
minutes can be so much fun without taking off your clothes." ], [ "My father, Dr. Gordon Warner (ret. Major, US Marine Corps), was in Guadalcanal and lost his leg to
the Japanese, and also received the Navy Cross. I was pleasantly surprised to learn that my father
was the technical adviser of this film and I am hoping that he had an impact on the film in making
it resemble how it really was back then, as I read in various comments written by the viewers of
this film that it seemed like real-life. My father is a fanatic of facts and figures, and always
wanted things to be seen as they were so I would like to believe he had something to do with
that.

He currently lives in Okinawa, Japan, married to my mother for over 40 years
(ironically, she's Japanese), and a few years ago was awarded one of the highest commendations from
the Emperor of Japan for his contribution and activities of bringing back Kendo and Iaido to Japan
since McArthur banned them after WWII.

My father was once a marine but I know that once
you are a marine, you're always a marine. And that is exactly what he is and I love and respect him
very much.

I would love to be able to watch this film if anyone will have a copy of it.
And I'd love to give it to my father for his 94th birthday this year!" ], [ "In the classic sense of the four humors (which are not specific to the concept of funny or even
entertainment), Altman's \"H.E.A.L.T.H.\" treats all of the humors, and actually in very funny,
entertaining ways. There's the Phlegm, as personified by Lauren Bacall's very slow, guarded, and
protective character Esther Brill, who's mission in life appears to be all about appearance,
protecting the secrets of her age and beauty more than her well-being. There's Paul Dooley's
Choleric Dr. Gil Gainey, who like a fish out of water (perhaps more like a seal) flops around
frenetically, barking and exhorting the crowds to subscribe to his aquatic madness. The Melancholy
of Glenda Jackson's Isabella Garnell smacks of Shakespeare's troubled and self-righteous Hamlet --
even proffering a soliloquy or two. And let's not forget Henry Gibson's Bile character, Bobby Hammer
(\"The breast that feeds the baby rules the world\"). Then there's the characters Harry Wolff and
Gloria Burbank (James Garner and Carol Burnett, respectively), relatively sane characters striving
to find some kind of balance amongst all the companion and extreme humors who have convened for
H.E.A.L.T.H. -- a kind of world trade organization specializing in H.E.A.L.T.H., which is to say
anything but health. This is Altman at his classic best." ], [ "This amusing Bugs Bunny cartoon sees the return of the still unnamed Marvin the Martian and his
sidekick K-9 the green dog.

This time instead of trying to destroy the Earth Marvin is on
a mission to land, capture an Earth creature and take it back to Mars. Of course the creature he
picks is Bugs Bunny. At first Bugs thinks Marvin and K-9 are trick or treating but realises this
can't be right when Marvin drastically enlarges Bug's rabbit hole with a ray-gun. Bugs tries to
trick his way out of the situation in a couple of ways, including persuading Marvin that K-9 is
planning a mutiny. Eventually he is captured using an Acme strait-jacket ejecting bazooka.
Amazingly, for an Acme product, it works as advertised and Bug's is forced to use his wits to get
K-9 to release him, the tables are soon turned and the two disgruntled Martians are trussed up and
Bugs is trying to fly their saucer back to Earth.

I really enjoyed this although the
ending is a little weak compared to the rest of the story. Marvin's voice has changed slightly here
and he gets visible emotional when he is angry but this didn't make me like him or the cartoon any
less." ], [ "Pecker is another mainstream film by John Waters done on a smaller than Serial Mom. The title
character of Pecker has a hobby of taking pictures of anything he sees. It doesn't matter if it's
dirty or shocking when he takes pictures. He soon uses the pictures he taken and puts them on
display at his work. Pecker live in a semi-normal middle-class family. His dad works at a drinking
bar with a claw machine, but doesn't make enough money with a lesbian stripper bar across the
street. His mom runs a thrift shop and loves to dress-up poor people. His older sister, Tina, works
at a gay bar where her specialty is trade. His younger, Little Chrissy, has a habit of eating sugar,
sugar, and nothing but sugary food. His grandmother, Memama, has a small statue of the Virgin Mary
and plays ventriloquist with it. He also has 2 friends. On of his friends, Matt is a chronic
shoplifter and his girlfriend, Shelley, runs a laundry mat as if she was a dictator. Soon, a tourist
from New York buys his pictures and displays them at an art gallery. With the picture comes fame,
but the pictures expose the unusual life style of his friends and family's simple life. For an
R-rated film, Pecker is sure tamer than most of Waters previous R-rated films and even Pink
Flamingos. Another 10 out of 10!" ], [ "This series got me into Deighton's writing and the genre when I was younger and I love this
presentation of the story. I would however disagree with the above comment. From what I have read in
the past, it is not Holm's performance that lead Deighton to refuse to have the series released but
the butchering that all three books received in the translation to the screen. A great example of
this is the rewrite of the boarder crossing that ended Samson's field career. The scene is not in
the book, the character who dies in the minefield was never in any of the books and the crossing in
Sinker was from East Germany to West Germany, not the Polish frontier. This whole storyline is
cloth. The changes in Set similarly damage the integrity of the story. My perspective on Holm's
performance was that he portrayed the disorientation of Samson during his wife's defection
excellently and I believe comported himself well in portraying the aging field agent desperately
trying to bridge the class divide. Samson both pays for his father's idealism and suffers due to its
influence on his life. As Clevemore comments, had he gotten himself an education he would have
probably been running the department. I think the true loss of performance is due to physical
appearance more than anything. Holm is diminutive when compared to the Samson of the book - a
physically impressive man capable of using his size to impose a presence." ], [ "In nineteen eighty two when it was announced that the Dismisal was going to be made , there was a
storm of controversy. This was an event which still left open wounds in the hearts and minds of the
Australian people. After some changes (listen out for the well timed telephones ringing to disguise
names) the Dismissal went to air. It was nothing short of brilliant. The leads were perfect. Max
Phipps as Gough Whitlam lead the way, closely followed by John Stanton as Malcolm Fraser and the
evergreen John Mellion as Sir John Kerr. The time was created well, the feelings of the people were
well done and the political elements were not two dimensionally made into melodrama as in so many
American series. The Dismissal was a faithful re-creation of a time in Australia which some would
rather forget and which we cannot forget. it did not take sides and it pointed out the mistakes and
lies of both sides. It leaves one wanting to maintain the rage and change the constitution which
still allows for this to all happen again. The Dismissal is now available on DVD in Australia. Watch
it, learn from it and learn about our modern history." ], [ "After another raid in an empty village, the chief of the Vikings Timandahaf misunderstands the
explanation of his adviser Cryptograf that \"fear gives wings to the dwellers\" and believes that fear
actually makes the villagers fly. They decide to chase the champion of fear in Gaul to learn how to
fly and make them invincible warriors. Meanwhile, the nephew of Vitalstatistix, Justforkix, is sent
from Parisium to the Gaulish village to become a man and Asterix and Obelix are assigned to train
the youngster. The stupid son of Cryptograf, Olaf, listens to a conversation of the coward
Justforkix with Asterix and Obelix and kidnaps him. While returning to the Viking village,
Justforkix meets Abba, the daughter of Timandahaf, and they fall in love for each other. But the
Machiavellian and ambitious Cryptograf plan to marry his son Olaf with Abba and become powerful. In
the end, Asterix realizes that it is not fear that gives wings, it is love.

When I was a
teenager, Asterix was my favorite comic book and I read all the Goscinny and Uderzo stories. This
feature film shows all the original elements and humor of the comics in a delicious and wonderful
animation. The romance of Justforkix and the gorgeous Abba is delightful and the situations Asterix
and Obelix get involved are hilarious. My vote is ten.

Title (Brazil): \"Astérix e os
Vikings\" (\"Astérix and the Vikings\")" ], [ "I only saw IPHIGENIA once, almost 30 years ago, but it has haunted me since.

One sequence
particularly stays in mind, and could only have been fashioned by a great director, as Michael
Cacoyanis undoubtedly is.

The context: the weight of history and a mighty army and fleet
all lie on King Agamemnon's shoulders. An act of sacrilege has becalmed the seas, endangering his
great expedition to Troy. He is told he must sacrifice his daughter Iphigenia to Apollo in order to
gain the winds for the sails of the Thousand Ships. He initially resists, but comes around, and
tricks his wife Clytemenstra to bring their daughter to the Greek camp in order to marry the
greatest of all warriors, Achilles.

Clytemnestra and Iphigenia arrive, find out about the
sacrifice, and rage to the gods for protection and vengeance. Meanwhile, the proud Achilles
discovers that his name has been used in this fraudulent, dishonorable way. He climbs a hill to tell
Iphigenia that he will protect her.

The shot: The camera circles the two young people,
without looking directly at each other. They bemoan their fate, and the weakness of men that deceive
their loved ones and lust for war. Suddenly, they gaze at each other and, for one moment, we feel
both their power and beauty, and the unstated--except by the camera--irony that in another time,
another place, they perhaps could love each other and be married. It is a sharp and sad epiphany
that lasts only for an instant.

What direction! What camera! What storytelling!" ], [ "I am curious of what rifle Beckett was using in the movie, and also the caliber of the bullet that
he was suppose to be firing. If this is loosely based on Carlos Hathcock's sniping, I am guessing
that it is a 7mm. round. I am also curious of the rifle itself. He also made a comment in the final
Sniper movie about the rifle that the Vietnamese man let him use that belonged to his father.
Beckett mentioned that he thought it was the best sniper rifle ever made. I would like to know which
rifle that is also. I know that this particular rifle was made around WWII or beforehand. I just
couldn't get a close enough look at it watching the movie to identify it.

As for Mr.
Hathcocks kills, his longest shot was 1.47 miles, and he had 93 confirmed kills and 14 unconfirmed
kills. After his wounds somewhat healed from being burned in Vietnam, he spent the rest of his
career teaching snipers in the USMC the skills that they would need in the field. His sniping career
is still mentioned to our brothers and sisters that train in the USMC. I found out his name from my
friend who is a former Marine. Any information would be great." ], [ "This obscure de Sica delivers the goods. And it is said \"the meek shall inherit the earth.\" This
tale of classes on the surface but really an allegory for all the homeless people that populated
Europe after the great war. They are homeless but cheerful, in a societies too impoverished and
selfish to care for or acknowledge them, footmats for the Italian carpetbaggers. de Sica chooses to
tell it as a fairy tale, a Cinderella story. I have not read the book it is based on so I cannot
foresay if the deus ex machina is the construct of the writer or Vittorio. It begins with the words,
\"Once upon a time...\" to exemplify the timelessness of its tale, for the story could be set anywhere
and everywhere. Caricature sketches of the aristocracy that cut to the bone, whimsical nature of the
homeless especially when they begin to grant their wishes and an ending right out of a Spielberg
picture makes this boulange a delight for all. De Sica's most accessible picture is also one of his
best. Abandoning neo-realism, he always dallied between that and pure good old film-making, he
creates a movie that breaks the heart and at the same time fills it with the yearning of hope that
one needs to continue leaving in this world. Gracias Vittorio! Gracias! Gracias!!!
Gracias!!!!!!!!!!!!" ], [ "I watched this movie on TCM last night, all excited expectation, having last seen it (twice) in its
memorable 1957 release in Toronto. I told my wife, who hadn't seen it before, to watch for the
thrilling long tracking shot, no cuts, where Veronika is seen on a bus on her way to find her Boris.
In a hand-held frame that certainly predates the modern Steadicam, the shot then pulls back up and
cranes (pun unintended) over the street as she exits the bus, and darts among the tanks to cross the
road. THEN I remember that, no cuts, we follow her up close to the fence as she peers through,
anxiously looking for him, but does not find him. But we do continue to follow Veronika as she
searches the faces of harried recruits and their emotionally racked women, all extras, and each one
a gem of riveting Stanislavskian behavior. How, one wonders, did Kalatozov and his cameraman
Urusevsky set up this extraordinary sequence. But what did I see in this version? After crossing the
street dodging the tanks, the scene abruptly ended, and cut back to scenes at the apartment, before
continuing to the soldiers and their families at the fence. Seems to me that this film was not only
restored, but also re-edited. What a downer!" ], [ "One of the best parts of Sundance is seeing movies that you would otherwise almost certainly miss.
Unless you're a real art-house devotee, you probably don't catch many documentaries. Only a handful
get any recognizable distribution. Fortunately, Sundance has increased its commitment to
documentaries in recent years.

Shakespeare Behind Bars is a powerful documentary about a
dramatic production group at the Luther Luckett Correctional Complex in LaGrange, Kentucky. Every
year a group of inmates present a Shakespearean play. Director Hank Rogerson and his crew follow the
troupe as roles are self-selected, interpreted, rehearsed and ultimately performed.

The
movie is filled with fascinating revelations for those of us that have not been exposed to prison
environments. Despite the labels we know them by (convict, felon, murderer, etc.) we soon began to
appreciate and respect these men as thinking feeling human beings. Serendipitously, the play chosen
for the year of filming was The Tempest, with its penetrating focus on forgiveness and redemption.
The actors all grapple with the relevance of the play to their lives, finding patterns and parallels
with their characters and the meaning of the drama.

For a documentary film, like a book,
the best that can be hoped for is that we experience something that changes our lives. Shakespeare
Behind Bars was a personal revelation for me. \"O brave new world, that has such creatures in it.\"" ], [ "The real life case of an innocent First Nations chief(the Indian) by an Winnipeg city officer(the
Cowboy) is the basis of this TV movie. The actual case caused its fair share of racial tension in
Canada, a small scale Martin Luther King thing. The misjustice of First Nations people is becoming a
staple in the Canadian cinema diet. What makes this film worth viewing is the focus on the family's
reactions. The father played by Gordon Tootoosis demands forgiveness and the brother played by Eric
Schweig demands justice. The stars Gordon Tootoosis and Adam Beach(WINDTALKERS, SKINWALKERS)have
minor, almost cameo, appearances. Soon-to-be star Eric Schweig makes his mark in this film with a
powerful performance. An honourable mention goes to veteran actor Gary Chalk who has chalked up over
100 movies to his credit. His portrayal of the troubled soul Inspector Dowson was worthy of a Gemini
Award(the Canadian Emmy)along with Eric Schweig. The special effects(jump cuts, dream sequences) are
occasional and not overbearing. Couple this with some beautiful northern Canadian scenery and recent
ongoing events involving police officers and First Nations people like the Neil Stonechild case, and
you have a very rewarding and relevant viewing experience." ], [ "Many American pea-brains who worship and support the political half-truths of hucksters like Michael
Moore would do well to sit through this movie more than once and see how hypnotic manipulators can
scare, intimidate and lie to an underinformed public and get the people they fear or loathe killed,
spindled and mutilated. Robespierre in this fine epic kills the opposition by remote control, all in
a fit of self-righteous devotion to his principles. We get the impression that Robes felt it quite
justifiable to snip off his opponent's heads, even as he sent his minions out to trump up false and
misleading charges against the State. Today, the captains of our rotting media institutions are much
more sensitive that Robes...they merely murder your character with innuendo and false charges laid
down without foundation or sources. Witness Dan Rather's attempts to assassinate W's character on
the eve of the 2004 election, or the constant drumbeat that the 2000 election was stolen, although
constitutional scholars continue to scoff at such irresponsible drivel." ], [ "When young Frances 'Baby' Houseman goes to summer camp with her family, she never expected to have
so much fun! One night, after wandering away from a resort activity, she stumbles upon a all night
dance party with Johnny Castle and other fellow dancers. Quickly enthralled by the raunchy dance
moves, 'Baby' is eager to learn when she has to fill in for Penny just so she and Johnny don't lose
their jobs at the resort. But young 'Baby' soon finds herself in a sticky situation; she has fallen
in love with a man she knows her father will never approve of. However, when Johnny is accused of
stealing wallets, it is up to 'Baby' to confirm his alibi by admitting that she was with him the
night they were taken. Johnny is fired anyway for getting involved with a visitor, but quickly
realises what a mistake it was leaving 'Baby'. He comes back with that famous line 'No one puts Baby
in a corner' and they show the resort exactly what they're made of.

An amazing film,
perfect for a girly night in. With groovy tunes, inspiring dances and a story that will make you
feel all warm inside, this has got to be the greatest film of all time! **********" ], [ "This film, released in 1951, has the usual elements typical of the westerns released during the
50's; the cavalry needing to protect the territory from a murderous band of Indians, an officer
determined to see that task through, and the men with him with various character flaws that he has
to merge together into a cohesive unit. This small band must hold on to a fort located close to the
Indian village until reinforcements arrive. The Indians know, all to well, that the small band is
undermanned, and could be wiped out before the help comes. One major difference for this film, \"Only
the Valiant\", is that it attempts to play out the usual storyline, but at the same time, deliver the
message that duty is a paramount concern to be shared by all, even if they don't accept that
charge.

Gregory Peck embodies the tight-lipped captain of the troop that has to prevent
the Indians from breaking out into the territory. The troopers that he takes with him to the small
outpost are the dregs of the troop at the fort; they, in turn, have gripes or weaknesses that cause
them to wonder if the captain hasn't taken them out because of their general lack of devotion to a
cause. Eventually, the captain and the small band confront the hostiles, and at the same time, each
confronts his own flaw. The cast includes western stalwarts such as Ward Bond, Gig Young, Neville
Brand, Lon Chaney, Jr., and Warner Anderson.

A sleeper of a film, and a good solid
western for fans of this genre." ], [ "A bus drops off a nameless man outside a run-down Standard Oil gas station in the middle of nowhere.
We never learn where the bus came from, or why he is on it, or who he even is. Why is he the only
passenger? Is he a prisoner? Is he the \"bothersome man\" referred to in the title of the movie? Has
he died and gone to heaven, or hell? Like our man, we don't get a chance to stop and wonder. He is
met by a gatekeeper of sorts and shuttled off to a nondescript city. From day one, all the choices
are made for him. An apartment has been rented, a job has been found, an office assigned. In fact,
his life is not entirely unlike life in the virtual reality of corporate cubicles and suburban
condos. Women are heartless, dinner parties are a drag, office jobs suck. But some pieces don't fit
the puzzle. Silently efficient, gray-clad goons roam the streets. Are they some sort of paramedics,
or the secret police? And why are there no children? Is the story even set in the real world?
Whenever we think we might be getting some answers, new mysteries unfold. \"The Bothersome Man\"
leaves you half relieved that it's over, half wanting more. I hope they make it into a computer game
soon." ], [ "Princess Tam Tam is without the trappings of racism, in the way we think of racism in the United
States, but there are more subtle (to the American viewer) assertions about ethnic identity during
the time. Pay attention to Alwina's (Baker) placement within shots, how she is addressed by the
other characters, the settings around her that all depict her as a \"savage\" African, and ask
yourself if Alwina has any shred of agency throughout the film. I don't want to ruin anything but at
the end pay very careful attention, the dichotomy between \"Eastern\" and \"Western\" culture is to say
the least offensive, such diction is thankfully disavowed these days. The French have a checkered
past as an imperial force throughout the areas depicted (see Chris Marker's Les Statues Meurent
Aussi- 1953), and pay attention to the places the European travelers visit while they are in Africa,
and what does that reflect about their attitudes towards the \"other\". I give this film a 7 because I
am a sucker for Baker, much of what she did in her professional career, like Princes Tam Tam, that
is regressive is certainly overshadowed by her efforts towards integration, her work as a freaking
spy (I am gushing, sorry.) However the film for me is captivating because of her performance,
besides that it is a telling relic of bygone mentalities." ], [ "Nora is a single mother-of-two who still wants to live the life of a young artist in the 1970s, as
do her friends, a group of writers, singers and actors. The ‘free love' philosophy isn't quite out
of the system – and Nora didn't count on falling in love, particularly with a junkie. Hazlehurst won
her first of two AFI Awards in the space of four years for her amazing portrayal of Nora, who makes
sure she does the right thing by her children, but falls in love with junkie Javo (Friels) at the
same time. Garner – who would later costar in films such as LOVE AND OTHER CATASTROPHES and STRANGE
PLANET – is well-cast as Nora's pre-pubescent daughter, and Caton (perhaps in readiness for his role
as host of the lifestyle program HOT PROPERTY in 2000???) appears as a bearded painter. Early effort
by director Cameron is a winner; he went on to make the award-winning miniseries MY BROTHER JACK
among his later projects. But it's the stunning delivery by Hazlehurst which brings to life the
intelligent, searching script, based on Helen Garner's award-winning novel." ], [ "H.G. Cluozot had difficulties working in France after he had made \"Le Corbeau\" in 1943 which was
produced by the German company and later judged by French as a piece of anti-French propaganda.
Louis Jouvet, an admirer of Clouzot's work, invited him to direct a thriller \"Quai des Orfevres\"
where he played an ambiguous police inspector investigating a murder that happened in Paris Music
Hall. Without each other knowledge, the seductive cabaret singer Jenny Lamoure (Suzy Delair) and her
jealous piano-accompanist husband Maurice who is madly in love with her (Bertrand Blier, father of
director Bertrand Blier) trying to cover up (without each other's knowledge) what they believe to be
their involvement in the murder? Enters tenacious policeman (Louis Jouvet) who is determined to
discover the truth. Jouvet practically stole the movie with wonderfully cynic and sentimental in the
same time performance. \"His character, his eagle-like profile and his unique way of speaking made
him unforgettable.\" \"Quai des Orfevres\", witty and atmospheric observation of human weaknesses was a
great comeback of H.G. Cluozot, the fine director, \"French Hitchcock\"." ], [ "Adapted from Sam Shepard's play, this movie retains many play-like elements such as a relatively
fixed setting (a roadside 50's motel in the Southwest) and extensive, intriguing dialogues. A woman
\"May\" is hounded by a man \"Eddie\" (played by Sam Shepard). She tries to hide from him in the out-of-
the-way motel, but he finds her. The film explores the history of their relationship, mainly from
their childhoods, that has led them to this point. It's very easy to feel sympathy for the
characters and to understand that their dysfunctional present relationship is a result of past
events out of their control. We mainly watch them fight, make up, fight, make up and so on. One
image that stands out in my mind, is of Eddie hauling May over his shoulder kicking and screaming,
taking her somewhere she doesn't want to go.

The soundtrack is also perfect soulful
country with vocals by a lesser known artist \"Sandy Rogers\". She has this country doll voice that
almost yodels at some points in the album! This is the kind of movie that will stay lodged in some
part of your brain/soul. In other words, go see it!" ], [ "Anthony Quinn was a legend of 20th century in cinema by his great roles obtained this movie about a
policeman innovated a false guilt for Toni to rape his beauty wife (Lisi) but he failed in this trap
because he faced the strength of Lisi but he succeeded in his trap which was prepared by him for
Toni that he put his name in the list of Jewish people in Romania and he transported from country to
another in east Europe.

This movie was directed in 1967 at the time of Arab -Isreeli war
in 1967 (Six days war) as an evidence of harmful works from Jewish people which were caused by
Jewish people not only in Europe but also in the rest continents.

Jewish people were a
great cause of French revolution in 1789 , the Pelchfik revolution in Russia 1917, the Turmoil of
different countries in any time.

Pearl Buck wrote a novel (Peony) in 1948 at the time of
occupied Palasteine in 1948 about Chinese Jewish people and their problems they faced in China
because of their bad instruments they used in these countries as keys of crisis." ], [ "Take a young liberal idealist Christopher Boyce (Timothy Hutton) put in a top secret classification
in a government front company because of his father's position team him up with a no'count drug
dealer Daulton Lee (Sean Penn) who is wanted by the police and needs a new source of income and you
have a recipe for espionage. Sean Penn played the part of the punk drug dealer with a certain sang
froid probably out of particular verisimilitude with such raunchy types. The gall Penn carries with
him in every situation is unique; he even suggests the Soviets run drugs for him.

I've
seen the movie over and over again and each time I see something new. It seems to me that a major
problem with US spy organizations is its inbreeding which leads to the hiring of an obviously
unsuitable candidate by reason of temperament and inclination for a government front company./>
I do recall when the Falconeer escaped from prison and led the authorities on a wild goose
chase. I see that despite the escape he is now released. A pity the Soviets are no longer around to
accept the wretch! A Cheery Cherio!" ], [ "It's up there with Where's Poppa, The Groove Tube, Putney Swope. It memorializes the NY city mind
set of the period, a wonderfully strange man with a bizarre plan, hoist by by own petard, and at
last retreating into the bed of his adoptive parents. Totally absurd, its the life one sees through
the magic glasses, seeing things as they \"really are\"... I don't think it is ever shown anymore. If
so, surely someone would Tivo the thing and put it out there. A kidnap goes awry: mixed up in a rain
storm, dashing in and out or storefronts, our hero tosses a raincoat over his prey and tossing her
into his bicycle powered ice cream wagon spirits her off to his basement apartment in the village.
He is amazed, surprised, and incredibly disappointed when the wraps come off: instead of a luscious
lady, he has captures a middle ages suburban housewife who talks and talks and talks. The film is
full of vignettes of the commuters life, the suburban life, the city officials, and all the
attitudes so dearly held. It pushes the limits of comedy, such as magical reality might push a
drama, much as Daffy Duck is able to draw on imaginative scenes to demonstrate his plight or
desires, all at the very edge of plausibility. All of it is humorous, nobody is mean." ], [ "The final part of Kieslowski's trilogy based on the colors of the French flag finds the director at
peace with the metaphysical and transcendent nature of the cinematic image. In Red, imagery is
paramount, as well as the obvious but clever color coding. However, rather than adhering to empty
aesthetic contrivances based on the 'cinema du look', Kieslowski's Red is a multi-layered, densely
plotted meditation on the nature of fate and love. In Red, love and fate are intertwined but complex
notions, dictated as much by the whims of human beings as the invisible parallel associations that
seems to pass us by. You sense Red is really an allegory, a reenactment of Prospero's omnipresent
gestures in The Tempest, yet it is more than its story appears. Red demands countless viewings, and
in each viewing something new is discovered that weaves itself into the already immaculately plotted
structure.

Although Red stands alone as a masterwork from Kieslowski, it's best viewed as
part of the trilogy. Elements of Blue and White are referenced in Red, which knowing viewers will
enjoy." ], [ "SPOILERS BELOW

`A Dog's Life' was most noteworthy for its excellent comic timing. In
Charlie Chaplin's other movie from 1918, `Shoulder Arms', the silent film genius focuses on an
entirely different brand of humor. His war comedy specializes in surreal, exaggerated set pieces in
which Chaplin demonstrates unprecedented creativity and mastery of composition. When the soldier's
bunker gets flooded, the water level reaches just the right height so that Chaplin can execute his
gags most successfully. In a later scene, the soldier dresses up as a tree, a disguise that belies
Chaplin's much increased ingenuity and goofiness. Naturally, when the enemy discovers his ruse, the
soldier darts straight for the forest. The ensuing chase is a visual marvel: Chaplin not only hides
the soldier from the Germans, but he uses the forest to mask the soldier from the audience, as well,
such that the camouflaged soldier stands unblocked in the middle of the frame yet somehow remains
invisible. All the while we thought our little hero was pulling a fast one on the German army; to
our delight, the joke is on us, too.

Rating: 8" ], [ "The connection with James Dean?In a short plan ,we see Emilio Estevez toying with a teddy
bear(remember the first scene of Ray's \"rebel without a cause\").Moreover,the main conflict is
Estevez versus Sheen,father against son,as in \"East of Eden\".The soldier has come home,and nobody
has been able to communicate with him, even his sister (a psychology student,what a derision).The
mother,a crude matron (a superb Kathy Bates),gets bogged down in nougatine ,she 's not able to
understand that her values (religion,family) have become a thing of the past,specially for someone
like his son whose innocence was betrayed. The father ,an irresolute man ,under his wife's
thumb,although he tries hard to play the macho,wanted to make up for the mediocrity of his life .So
he saved his \"honor\" by forcing his son to do his duty.The scene in which Estevez's hatred for his
father explodes is very intense.The actor-director gives a restrained performance,interiorized,as
Lee Strasberg's students used to do,and his final burst of anger is increased tenfold so." ], [ "Carol, the young girl at the center of the story, is transplanted to a foreign land, Spain, at the
height of the Civil War conflict in the late 30s. For this girl, everything is new, in it's
foreignness. The war and her father are her constant worries, while she has to immerse herself in a
provincial culture that is years behind what she has in New York.

Imanol Uribe directs
this film by the numbers. Carol's family is obviously divided, while Carol's mother is married to
someone that is an air force pilot with the leftist faction, the rest of the family's sympathies are
with the Franco and the fascists that won the conflict.

The story adds nothing to what
has already been told, much better, but it's an easy film to watch. Northern Spain's magnificent
landscape is shown. Don't expect a lot of action since most of what happens revolves around Carol
and the young boys she befriends.

Clara Lago plays Carol with sincerity and innocence.
Maria Barranco is Carol's mother Aurora, the one that went away to America. Rosa Maria Sarda is
Maruja, the teacher who befriends Carol. Carmelo Gomez, plays Alfonso, the man that Aurora left
behind when she left for America. This actor, who usually has lead roles in most Spanish films,
doesn't have anything to do, as he remains an enigma throughout the movie." ], [ "Quite simply the funniest and shiniest film-comedy of all time... it's certainly on my personal top-
ten list. This one also gets a solid ten on the voting scale. Millionaire heir, Arthur Bach (Moore),
is a middle-aged 'child' who refuses to take the mature path in life and avoids all requisite
responsibilities. He also refuses to leave the bottle. One day he and his personal butler, Hobson
(Gielgud), go shopping at Bergdorf Goodman's and run into petty larcenist, Linda (Minnelli). Arthur
and Linda's chemistry adds electricity to the rest of the film. There are hilarious set pieces
aplenty. In one such scene, Arthur (drunk throughout most of the story) knocks on the wrong
apartment door and receives ear shattering threats from a human 'siren' (\"My husband has a gun!!!!).
Performances by everyone involved should be duly noted: Geraldine Fitzgerald plays Arthur's loving-
yet-ruthless grandmother, Sir John Gielgud almost steals the entire show with his acidic droll-isms
(He took home the Oscar for this one), and Christopher Cross provides the Main Theme song (Oscar
winner \"Best That You Can Do\"). It's a shame the late Dudley Moore passed away last month (March
2002)." ], [ "In Micro Phonies the stooges are at there best. In this short the trio are handymen working in a
recording studio. They end up getting a look at Alice Van Doren (Christine Mcintyre)singing the
voice of spring. The voice is amazing. Curly in drags is heard by Mrs. Bixby (Symona Boniface). Moe
calls Curly Senior Cucaracha. The three stooges end up going to party where Curly is going to dress
up in drags. They play a record of the voices of spring and all is going well until Moe destroy the
record on Curly's head. They end up using the lucia sexlet until the baritone recognizes them and
unplugs it. Alice Van Doren catches on to the boy scream and hides behind a curtain to help them
out. All is well until the baritone wonders how Curly is singing without the aid of a phonograph
discovers Alice behind the curtain. The three stooges are revealed to be frauds but Alice's father
discovers his daughter's talent and agrees that she should become a singer. The stooge are pelted
out of the room. Excellent." ], [ "The British noble Sir Ronald Burton (Richard Greene) decides to search his two best friends that
have disappeared after visiting Count Karl von Bruno (Stephen MaNally), an evil and powerful man who
lives in the Black Castle. Sir Burton travels undercover with another identity, since he fought
against Count von Bruno in Afrika with his two missing friends and the count lost one eye in a
battle. When he arrives in the castle, he is invited to hunt in the Black Forest around the castle
with the count,.while he looks for evidences that the count has killed his friends. Later, he and
the count's wife, Countess Elga von Bruno (Rita Corday), fall in love for each other and with the
support of Dr. Meissen (Boris Karloff), Sir Burton and the countess try to escape from the claws of
Count von Bruno. \"The Black Castle\" is an excellent movie from a romantic time, with action,
romance, mystery and even horror. The story is gripping, and is a great entertainment for any
audience. My vote is nine.

Title (Brazil): \"O Castelo do Pavor\" (\"The Castle of the
Fear\")" ], [ "Thorn-BMI is out of business, before they stopped making films they made a chiller of a movie. Using
E.S.P. and telekinesis as the basis of the daughter whose father mastered a terrible power. Only in
the death of her father did Olivia find that her father dubbed 'Raymar' from Raymarkovitch had
really murdered 6 girls and was planning two more by using the technique of Psyhic Vampirism./>
Our picture starts with 6 coroner wagons pulling in and music to match the grusome discovery
of the 6 girls. Dead all with their eyes wide open in a closet. In the walls were all kinds of
objects, the coroners men were pulling up an old man, when blue lightning hit the ceiling which
caused a circular hole to form only made the film more bizarre!

If you like extremely
chilling scenes this for you. Unless you can see dead bodies from years ago in each level of decay,
don't view it without a friendly companion. Like \"The Changeling\" it has some heart stopping horror
in it. I gave this a rating of 7 it's in color, actress Meg Tilly debuted in this film if you can
find it see it." ], [ "John Cassavette's decided as his first film, obviously as one shot on a shoestring in New York, to
not even have a script with dialog, and delivers a 1959 feature equivalent of Larry David's Curb
Your Enthusiasm- all the actors know what to do and say and even have the right look in their eyes
when they talk. In other words, it's one of the most realistic looks at the beat generation, jazzed
sweetly in it's score and telling a tale of racial tensions. A group of black siblings are the
center-point, with one trying to get better gigs than the average strip-club, and has a sister, much
more light-skinned than him, who gets entwined with a white man in a relationship, which shatters
both sides. The film, however, isn't exclusively about that; Cassavettes likes to have his
characters wander around New York City (which not many films did in 1959/1960) and his style of
storytelling is like that of the improvisational jazz artists of the day. Dated, to be sure, but
worth a glance for film buffs; Martin Scorsese named this as one of his heaviest influences." ], [ "I saw this movie in the early 70's when I was about 10 yrs. old on TV. It was on after school, and
as I watched, I was so drawn into the whole idea of the two astronauts going on a mission to another
undiscovered planet, that I asked my mom if I could get the cassette recorder out. She let me. So I
wrapped the cord of the mic around the Channel knob, so the mic was hanging in front of the speaker.
This movie is the first one I ever paid enough attention to - and cared enough about to record.
(Just the audio - there were no VCRs at the time.) The plot will have you hanging onto every word..
every minute of this film.. The ending will blow your mind. After watching the Journey to the Far
Side of the Sun.. You will Have flash-backs in your mind about it for a long time. I did replay the
audio recording for many years... and \"saw\" it over and over in my mind. Then - maybe 15 years
later.. when VCR's were common, and they sold tapes in stores.. I always looked for it.. but never
found it. But when the Internet came along one day I searched for it and purchased it in a second.
So.. after about 30 years after seeing it for the first time - I got to see it again. WOW!~~ It was
spectacular! Just for reference.. I must have watched it 50 times since." ], [ "*SPOILERS* Four men, Ed (Jon Voight), Lewis (Burt Reynolds), Drew (Ronny Cox) and Bobby (Ned
Beatty), decide to go on a rafting trip on the Cahulawassee river, before it is flooded.
/>They wanted to have fun, to have a nice weekend in the nature.

But when two mountain
men cross their path and rape one of them (Bobby), everything begins to go to Hell in a Handbasket,
and this 'nice weekend' will even cost one of the four's life...

'Deliverance', which in
Italian is stupidly titled 'Un Tranquillo Weekend Di Paura' ('A Calm Weekend Of Fear'), is the
Grandad of movies like 'Texas Chainsaw Massacre', 'The Hills Have Eyes', 'Wrong Turn', 'Last House
On The Left' and all the other 'Evil Nature/Revenge' subgenre films, and one of the scariest, right
next to 'The Hills Have Eyes'.

Based on a book by James Dickey (who appears in the movie
as Sheriff Bullard), it's a chilling story on how someone can go into a situation thinking he knows
everything, when he doesn't.

And the image of the dead man's hand raising from under the
water, or the hands holding the rifle from the one-sheet are haunting images that will never leave
your mind.

Deliverance: 9/10." ], [ "Well, I've just seen Buster Keaton's film debut in Fatty Arbuckle's The Butcher Boy and-despite the
crude way everything just seems to happen for almost no logical reason-I found plenty to laugh at.
Like when Buster orders molasses from butcher boy Fatty, Fatty makes Buster come back to pay, Buster
says he put it in the bucket that has the molasses, Fatty dumps molasses in Buster's hat and takes
money, Buster takes hat back on head as it gets stuck, Fatty attempts to remove it while molasses
fall to floor, Buster's feet are now stuck on floor and so on. That probably didn't read funny but
on screen it was hilarious as were some more slapstick involving flour being thrown and a later
sequence that takes place in Fatty's girlfriend's boarding school with Fatty dressed in drag and
Buster helping Fatty's rival also in drag. Like I said, many scenes don't make a lick of sense but
the visuals, especially those involving Arbuckle and Keaton, are laugh inducing even today.
Recommended viewing for Keaton completists." ], [ "This film is not morbid, nor is it depressing. It -is- sad, because AIDS in the early '90s -was-
sad. But its real message is one of love and perseverance.

Mark and Tom were in a long-
term, loving relationship. Their devotion to each other is evident right away, and as the ravages of
AIDS escalate and become the focal point of their lives, you see strength and commitment that are
truly heartwarming.

When \"Silverlake Life\" was originally released, I was deeply involved
in HIV/AIDS education and health care, volunteering as a counselor at an HIV/AIDS clinic. The film
spoke to me like no other AIDS film of its day could, because Mark and Tom were real people, living
the very experiences that I saw on a daily basis in real life. I knew from firsthand experience what
it was like to watch AIDS eat away at formerly vibrant, young, healthy people; seeing it happen to
Mark and Tom in the film was very much like watching my real-life friends deteriorate. It touched me
in a way that, even all these years later, still affects me." ], [ "With the badly injured Tony in an induced coma, two things happen: Tony imagines himself leading the
life of a salesman attending a business convention, while his family and friends go through hell
trying to cope with the possible loss of the big man. The dream sequences are right out of an old
TWILIGHT ZONE episode, as Tony finds himself transformed into an Average Joe trying to deal with a
missing wallet and mixed-up identities while on a cross-country business trip. His intonation as a
blazer- and khaki-wearing schnook is more mid-American and less that of an Italian thug from Noo
Joisey. A nice touch. The shockingly long-haired, hippy-dippy AJ (whom Paulie calls \"Van Helsing\" at
one point) has a nice scene with his comatose old man. The best moment has the big boys trying to
talk about life without Tony, which immediately breaks down into a territorial dispute. Vito gets
off a line about the new-dead Gene possibly having been a closet case, which is interesting in light
of what we are about to learn about Vito." ], [ "The Captain and Tennille have released a very good 3 DVD package with minimal editing. Unlike most
variety show releases these shows have not been hacked to bits. The musical and dance numbers are
included with the skits just as they were when first broadcast. I suspect that some musical numbers
on the DVD may have been edited into shows in which they did not originally appear but have been
unable to verify that suspicion. I've noticed a few inconsistencies between what is on the DVD and
program information I've found on the net. I've been unable to verify whether the net information is
inaccurate or if the musical performances have been edited into the shows on the DVD. Whatever the
truth may be, I'm very appreciative of the efforts made by the production company. I wish every
variety show released would show the same respect for the format. I would guess about half the shows
broadcast are included. I believe they ran into rights problems on the shows which weren't included.
Hopefully those issues can be resolved and a Volume 2 can be released sometime in the future. There
are some individual music videos along with a dance rehearsal among the extras. I recommend this DVD
to any C&T fan." ], [ "A prison cell.Four prisoners-Carrere,a young company director accused of fraud,35 year old
transsexual in the process of his transformation, Daisy,a 20 year-old mentally challenged idiot
savant and Lassalle,a 60 year-old intellectual who murdered his wife.Behind a stone slab in the
cell,mysteriously pulled loose,they discovered a book:the diary of a former prisoner,Danvers,who
occupied the cell at the beginning of the century.The diary contains magic formulas that supposedly
enable prisoners to escape.\"Malefique\" is one of the creepiest and most intelligent horror films I
have seen this year.The film has a grimy,shadowy feel influenced by the works of H.P.
Lovecraft,which makes for a very creepy and unsettling atmosphere.There is a fair amount of gore
involved with some imaginative and brutal death scenes and the characters of four prisoners are
surprisingly well-developed.It's a shame that Eric Valette made truly horrible remake of \"One Missed
Call\" after his stunning debut.9 out of 10." ], [ "Once again, I am amazed that Thomas Gibson did not come to the head of the pack earlier in his
career. In this film, Gibson once again demonstrates his ability to grasp a character regardless of
sexuality, social status or nationality. Gibson plays a very convincing gay male of the late 20th
Century. Tender yet not effeminate, afraid of the basic tenets of love, Gibson's character touches a
variety of emotions. Also worthy of praise is Cameron Bancroft's performance. His need to be the
heterosexual conqueror as opposed to his best friend's \"homosexual conquests\" provides dynamics for
the relationship that are in many ways unexpected. Bancroft and Gibson's chemistry is apparent from
the first scene they appear in together. There are many \"panels\" in this quilt. From gay
relationships to straight relationships; from heterosexual relationships to the exploration of
lesbian love; this film travels across the broad spectrum of sexuality while having the story of a
serial killer at its core. My only regret is that it took 6 years since its release before I
discovered this movie! I look forward to seeing it again and highly recommend it to any fan of
Bancroft, Gibson or Director Denys Arcand." ], [ "\"Le Locataire\"(\"The Tenant\")is without a doubt one of the most important horror movies ever
made.Polanski stars as a Trelkovsky,a timid file clerk living in Paris,who answers an advertisement
for an apartment,only to find that the previous tenant attempted suicide by leaping from the
apartment window.Trelkovsky is compelled to visit her in the hospital and there he meets
Stella(Isabelle Adjani).Trelkovsky immediately moves in when the previous tenant dies and,at
first,is quite pleased with having found such a nice apartment.His happiness is soon replaced by
waves of paranoia as he becomes increasingly suspicious of his neighbours,who seem to be trying to
provoke Trelkovsky into repeating the previous tenant's suicide.This film is great.Polanski manages
to create a surreal atmosphere of dread and paranoia.Plenty of brilliant moments such as the classic
scene where Trelkovsky discovers the previous tenant's tooth in a hole in the wall,or the fever
dream where he wanders into the building's bathroom to find the walls covered with hieroglyphics.The
photography by Sven Nykvist is truly beautiful.\"The Tenant\" is a neglected gem.It may be difficult
to track down,but it is more than worth the effort." ], [ "\"Fanfan la tulipe\" is still Gerard Philippe's most popular part and it began the swashbuckler craze
which throve in the French cinema in the 1955-1965 years.It made Gina Lollobrigida a star
(Lollobrigida and Philippe would team up again in René Clair\"s \"Belles de nuit\" the same year./>
\"Fanfan la tulipe\" is completely mad,sometimes verging on absurd .Henri Jeanson's witty
lines -full of dark irony- were probably influenced by Voltaire and \"Candide\" .Antimilitarism often
comes to the fore:\"these draftees radiate joie de vivre -and joie de mourir when necessary (joy of
life and joy of death)\"\"It becomes necessary to recruit men when the casualties outnumber the
survivors\" \"You won the battle without the thousands of deaths you had promised me, king Louis XV
complains,but no matter ,let's wait for the next time.\"

A voice over comments the story
at the beginning and at the end and history is given a rough ride:height of irony,it's a genuine
historian who speaks!

Christian-Jaque directs the movie with gusto and he knows only one
tempo :accelerated.

Remake in 2003 with Vincent Perez and Penelope Cruz.I have not seen
it but I do not think it had to be made in the first place." ], [ "Allow yourself to be transported to a different, old school kind of storytelling. Scoop is classic
Woody Allen.

Allen's latest muse, Scarlett Johansson (who also appeared in last year's
Match Point, also by Allen), is surprisingly able to tone down her sultry sex kitten appeal and
transform into a normal looking student-type with the aid of nerdish glasses and outfits but still
fails to make the audience believe how Hugh Jackman's lordly character can be so smitten by her,
given the royal's background (don't worry, no spoilers here). There are no grand transformations for
Johansson's character here, as she consistently plays the same character throughout despite the
script saying otherwise. You even forgive her character's apparent lack of logic, continuing an
affair with a suspected serial killer, simply because he is His Royal Hotness Jackman, who is
refreshing to see sans the Wolverine duds.

If anything, consistency is what the 70-year
old Allen is all about. He continues to tell his stories on celluloid in the same way he always has;
as if he's never been exposed to modern film-making, which is probably what makes his quiet, simple
films appealing. They never seem to aim for a specific market; as if Allen makes movies to his taste
alone, whether the public likes it or not." ], [ "In this crackerjack noir thriller from Columbia which is a combination of Panic In The Streets and
The Naked City, Evelyn Keyes is unknowingly The Killer That Stalked New York. Evelyn who smuggled
some stolen jewels into the country from Cuba also smuggled in smallpox. It gets misdiagnosed by
doctor William Bishop and when they do find out what it is the hunt is on for her.

For
most of the film the Treasury Department is also hunting Keyes, but for the smuggled jewels. It's
not until nearly the end of the film that the health department and law enforcement realize they're
looking for the same woman.

Evelyn's on a mission also. Her husband Charles Korvin has
left her flat, the unkindest cut of all being that he was fooling around with her sister while she
was in Cuba collecting the gems and contracting smallpox. When Lola Albright as her sister commits
suicide over the whole affair, Evelyn's on a mission, get Korvin or die trying. And that's not an
idle threat given the situation.

The film was mostly shot in New York like The Naked City
and its cast is sprinkled liberally with a lot of familiar names and faces. Keep an eye out for good
performances by Connie Gilchrist as Evelyn's unsympathetic landlady, Jim Backus as a shifty club
owner, and Art Smith as Korvin's fence.

A real sleeper in the noir category, don't miss
it if broadcast." ], [ "Victor Mature, as a barely civilized and mostly out of control mountain man and trapper, may be on
the poster, but Robert Preston as a failed Union colonel who led his men to get \"cut to ribbons\" by
Confederate artillery at Shiloh, and is sent to a fort in Oregon for his incompetence, has the most
interesting part, married to a young and hard to recognize at first Anne Bancroft. The uncivilized
Mature lusts for the colonel's wife, giving the film an interesting and even dark subplot which goes
so far as to reference coveting another man's wife at one point by James Whitmore who plays Mature's
older and wiser mountain man father figure. Directed by Anthony Mann, this film is lost among his
more famous westerns with James Stewart, but even so you really don't need the Indian menace to make
this a film worth seeing, although Preston gets to prove his bad judgement as a commanding officer
again in a failed expedition to finally bring the Indians under submission, in a well staged attack
among the forest that quickly turns into a rout." ], [ "This film has, over the past ten years, become one of my favorite pseudo noir experiences. The three
storyline threads given us by Kazan each have their unique and separate pleasures. The domestic
chitchat between Bel Geddes and Widmark, the movement between rooms, the small gestures such as the
phone book Barbara places on the chair under her son so he can reach the table, those small intimate
exchanges between husband and wife, all are well crafted and natural. More than anything else, I
love their porch, that second living room where it is clear they spend much of their summer time.
The second thread is the professional relationship between many in the film but especially between
Widmark and Douglas' characters. It may not be totally original and does get a bit blustery but all
in all, it comes across as real, respectful and efficient. The third thread,the grungy tale of
Blackie and his tattered little gang, gets us closest to a dark and frightening noir world.Palance's
Blackie is as cold as a block of ice. This self-proclaimed business man, this self made man clearly
has a complexity we only briefly tap in to. For me, this film continues to be a completely
satisfying experience." ], [ "Far richer in texture and character than even the classics from the 30's and 50's. George C. Scott
was born to be Scrooge, just as he was born to be Patton. Mr. Scott will be known as one of the
greatest actors of the 20th century. The character of Scrooge as played by Mr. Scott seemed to jump
off the screen. Scott as Scrooge brought an richer, more robust, yet a more deeply moving Scrooge to
the screen than any of his predecessors in the role of the meanest man in 18th century London. Mr.
Scott seemed to bring Scrooge to a more personal, understandable yet highly conflicted level; his
role was acted with the great authority Scott always bring to the screen: yet his usual bellicose
voice would sometimes be brought to a whisper, almost as a soliloquy, as he would berate the
Christmas holiday in one breath, yet reveal his own human frailty in his next line. He could portray
the sour and crusty Scrooge, and a misunderstood, sympathetic Scrooge all in the same scene./>
Truly a remarkable performance by a giant of his generation." ], [ "My favorite Jackie Chan movie will always be \"Drunken Master\" (1978), followed by this film from
1985, \"Police Story.\" In it, Chan plays a Hong Kong super-cop who busts a notorious crime lord and
his gang, and is then assigned to protect the man's girlfriend (Brigitte Lin) so that she can turn
state's evidence. As the story goes on, the gangster sends his goons to dispatch Lin, but Chan takes
matters into his own fists and feet, while keeping girlfriend Maggie Cheung at bay. Like \"Drunken
Master,\" \"Police Story\" has many of the signature stunts and over-the-top martial arts/action
choreography that Chan has become famous for, climaxing in a battle royal at a crowded shopping
mall. In his role as director, Chan exceeds in excellence, giving a charismatic and funny
performance that accentuates the action. While light on the overall slapstick humor of \"Drunken
Master,\" at heart \"Police Story\" is just that, a police story, a gritty cop-thriller that would be
oft-copied over the years to come.

10/10" ], [ "Stuck in a hotel in Kuwait, I happily switched to the channel showing this at the very beginning.
First Pachelbel's Canon brought a lump to my throat, then the sight of a Tiger Moth (which my
grandfather, my father and I have all flown) produced a slight dampness around the eyes and then
Crowe's name hooked me completely. I was entranced by this film, Crowe's performance (again), the
subject matter (and yes, what a debt we owe), how various matters were addressed and dealt with, the
flying sequences (my father flew Avro Ansons, too), the story - and, as another contributor pointed
out, Crowe's recitation of High Flight. I won't spoil the film for anyone, but, separated from my
wife by 4,000-odd miles, as an ex-army officer who was deployed in a couple of wars and as private
pilot, I admit to crying heartily a couple of times. Buy it, rent it, download it, beg, borrow or
steal it - but watch it.

PS Did I spy a Bristol Blenheim (in yellow training colours)on
the ground? Looked like a twin-engine aircraft with a twin-.303 Brownings in a dorsal turret." ], [ "I just saw this last night, it was broadcast on the Canadian Broadcasting Corporation's 'Passionate
Eye' series. It has been screened recently (Sept. 2003) at the Toronto International Film Festival
as well as many others. It is a quite remarkable film. The filmmakers literally stumbled into the
story, being there to make a documentary about Chavez himself. Instead, they found themselves
squarely in the middle of events as the coup unfolded. They had unprecedented access to events and
people and, for the most part, let the story unfold as it happens. They, of course, have their own
ideological perspective (which they make evident) but they keep themselves in the background and
instead try to focus attention on the events, the people, and the background and history leading up
to the coup. As a film, it is not ground-breaking in a stylistic or aesthetic sense, and that is, I
think, the way it should be. What we get to see what 'embedded' journalism should really be. What we
get to see is a remarkable account of a country struggling to attain democracy... a charismatic
leader (Chavez) who actually cares for his people... a story about power and greed as a coalition of
corporate/military/media interests combine to lead a coup of a democratically elected leader... and
unprecedented access to a historical event as it unfolds.

" ], [ "Chaplin is a doughboy in his final film of 1918, a doughboy who can not seem to get the marching
down straight. He spends time \"over there\" in World War One trenches. Several gags stand out:
Limburger cheese as a makeshift grenade for one. The cramped quarters of the barracks in the
trenches and when Chaplin and his mates are washed out of their bunks by flooding are highlights.
Chaplin ends up capturing several German soldiers single-handed, and he spanks the German commander
for refusing a cigarette. When asked how he did it, Chaplin replies that he surrounded them. Chaplin
hides behind enemy lines as a tree of all things, and those scenes are very very funny. He escapes
to a bombed house where he meets up with a French girl played by Edna Purviance. He's tracked down
by German soldiers, escapes from them again, and Purviance is arrested for assisting him. Chaplin is
able to pull a fast one by bopping a soldier and using the soldier's uniform. He ends up saving
Purviance of course and capturing the Kaiser in the process. Along the way, Chaplin employs some
sight gags and slapstick in turning back the German soldiers. With this film, Chaplin explored the
location possibilities in filming while maintaining the audience's attention for closer to feature
length time, something his contract with the Mutual Film Corporation disallowed him. The film also
allowed him to poke fun at the enemy, something he would again do to greater effect in The Great
Dictator. *** of 4 stars." ], [ "Written by Oliver Stone and directed by Brian De Palma, SCARFACE paints a picture not easily
forgotten. Al Pacino turns in a stunning performance as Tony Montana, a Cuban refugee than becomes a
powerful player in the drug world as he ruthlessly runs his self made kingdom of crime in Florida.
This gangster flick is harsh, violent, loud, gross, unpleasant and must hold the record for uttering
the word \"f--k\" the most number of times. Almost three hours long, and yes it can get repulsive. A
stout hearted constitution keeps you in your seat cheering for the demise of a ruthless crime
lord.

Also playing interesting characters are Michelle Pfeiffer, Steven Bauer, Robert
Loggia, Mary Elizabeth Mastrantonio, F. Murray Abraham and Angel Salazar. Pacino proves to be one of
the greatest of his generation. He manages to bring reality to his character that leaves a strong
impression. This will not be a movie for everyone for you leave thinking you walked away from a
disaster. Is that powerful enough for you? Crime does not pay for long!" ], [ "I really dislike both Shrek films. (Since their both \"PG\" and have words in them I would never say
myself, so I disliked them.)

But when it comes to \"Spirit: Stallion of the Cimarron,\"
which I just barely watched for the first time last month, I became a fan of animated films, other
than Pixar. ***Spoilers ahead*** In \"Spirit: Stallion of the Cimarron,\" a horse foal is born and
eventually becomes the leader of his heard. One night, he sees a strange light in the distance, and
he sets off toward it. This action eventually leads to his capture, and several more things.
Throughout the movie, we hear a narration. It's through the thoughts of Spirit, though the horses
never talk. This is what makes the movie so goo. They (the movie makers) recored real horses to do
the sounds the horses made; none of those sounds were made by humans.

Spirit meets Rain,
a beautiful mare, and Little Creek, a native-American, who owns Rain. Little Creek later frees
Spirit and Rain, they go running home.

I have never been a big fan of Brian Adams, but I
intend to buy the soundtrack to this film in the near future.

Watch this film, and you
won't regret it. My Score: 10/10" ], [ "This 1955 Producers' Showcase version of the musical Peter Pan with Mary Martin has the benefit of
showcasing most of the original Broadway cast, including Kathleen Nolan as Wendy, who was more
natural an actress than the girl they hired for the 1960 color televised play. It's a shame that
most people won't sit through anything black and white anymore because in many respects this earlier
production - which doesn't even show up in the IMDb listings when you put \"Peter Pan\" into the
search engine! - is superior to the cutesier color version most people have watched. I obtained the
original on disc and then did work on it to make it look and sound better digitally. Now when I put
the 1960 color version on it looks garish in comparison. I suspect Mary Martin herself no doubt
preferred this original 1955 b/w Producers' Showcase televised version.

As an added plus
the disc I got also showed the original commercials and opening promo. How far away the 1950's seem
now - such an innocent time compared to today. I miss it." ], [ "A dreamy, stunningly atmospheric film takes place in a small town of Northfork, Montana in 1955. The
government officials arrive to evacuate the town about to be inundated by a new hydroelctrical dam.
There are the other visitors in the town, the angels from another time but they only seen by a dying
boy Irvin. A local priest (Nick Nolte in a quiet heartbreaking performance) takes care of the boy.
Irvin pleads with the angels to leave the place with them...

There is some unearthly
quality in the film, some dignified mourning and sublime sadness when you suddenly realize the
inevitable finality of everything - humans and their relationships, cities, countries,
civilizations, the whole world as we know it. Death and birth have something in common - we go
through them in the ultimate loneliness.

I cannot recall the film that affected me in
the same way and as deeply as \"Northfork\" did, the film so beautiful and so tender, so quiet and so
powerful, so heartbreaking and so moving. Even now, after several weeks since I saw it, tears come
to my eyes when I only think of it.

After I saw it, I had to talk to somebody about it. I
sent a PM to one of my friends and I asked, \"Please tell me what I just saw?\" And my friend replied
with the words, \"You just saw one of the greatest films of modern times. One of these days others
will see the light.\"" ], [ "Tiny Tweet and Sly the sneak are locked up in cages for a train ride to who knows where. Swinging
Tweety begins belting out an insufferable song as soon as the train leaves the station, so lets hope
that Puddy Tad gets him this time. Sly tries out a couple of funny hand tricks but spoil sport
conductor man puts the bird in a safer place amongst the baggage. The cat's next attempt has him
ending up in the coal oven of the steam engine. And the chase is on. Of course there's a bulldog
too, and silly Sly just cant keep his big mouth shut.

Next up the persistent pussy tries
the old-stacking-of-the suitcases-bit (twice) producing a payoff Tex Avery would be proud of.
Unfortunately for Sylvester, that bulldog seems to be everywhere. He even displays a talent for
shape shifting and producing enormous clubs from his back-pocket. Not even Sylvesters ability to
outrun a speeding train can save him when he is thrown off, Silver Streak style, several times in a
row. Arriving at Granny's new place, (Gower Gulch, population 86) the cat's final attempt involves
cross-dressing. But you know what happens to men in dresses, they always get more attention than
they bargained for.

7 out of 10" ], [ "*Please note: (The below text is taken from the Irish DVD Release). Some of this summary MAY be
wrong:

Edge-of-your-seat chiller, in which The Legacy of an ancient Witch and her
bloodthirsty coven causes a deserted island hotel to become the embodiment of evil two Centuries
later.

When an inquisitive photographer (David Hasselhoff, Baywatch, Knight Rider) and
his virginal fiancée (Linda Blair, The Exorcist) creep onto the island to research its gruesome
history, they are joined by an unwit- ting estate agent and his prospective buyers.
/>Gradually the group find themselves falling victim to the ancient evil that lives on in the
mysterious old woman who roams the hotel, seeking fresh victims for Satanic rites, human sacrifice
and demon- ic possession...

Check in at the Witchcraft hotel... we hope you enjoy your
SLAY!

Additional Info. on the movies contents:

Violence: Some gruesome, sexual
violence - VERY STRONG!

Sex and/or nudity: Some strong, as well as innuendo.
/>Bad language: Some, strong.

Other: Some drug use and references." ], [ "I just saw this cartoon for the first time and recognized the caricatures of famous black
entertainers... Cab Calloway, Bessie Smith, (not Josephine Baker or Sophie Tucker, who was white),
Thomas \"Fats\" Waller, Bill \"Bojangles\" Robinson, Stepin Fetchit (notwithstanding) Louis Armstrong
and the chorus girls are out of the famed \"Cotton Club\" in Harlem. True... stereotypes are there,
but this was the way it was... and these cartoons were meant as adult entertainment at your local
cinema before the main feature.

Harmann & Ising cartoons tended to be more \"cutesy\" and
more upscale, (after all... we are talking about M-G-M) than the standard animated short done over
at Warners, Paramount, Universal, Fox, RKO or lowly Columbia. Even Disney's very early Mickey Mouse
had loads of barnyard humor before Uncle Walt cleaned him up just before he went \"Technicolor\"./>
Disney had some cartoons with caricatures of black entertainers as well... for example,
1937's Silly Symphony \"Woodland Cafe\". But we have to remember that these films are part of a
certain time and place. 50 years from now... clips of the Simpsons, Family Guy, and South Park will
be also scrutinized, analyzed... and even vilified by future viewers." ], [ "In life, we first organize stones (Piedras in Spanish) such as a career, family, friendship, and
love. In this way, we shall find space between these to fit smaller stones, our small necessities.
If you act in an inverse way, you will not have enough room for larger stones. The five protagonists
in this film are women who have not been able to organize the large \"stones\" in their lives. Ramon
Salazar, a Spanish motion picture director defines his first feature Stones in this way. The film
tells the parallel, conflicting trajectory of five women: Anita (Monica Cervera, 1975-), Isabel
(Angela Molina, 1955-), Adela (Antonia San Juan, 1961-), Leire (Najwa Nimri, 1972-), and Maricarmen
(Vicky Pena, 1954-).All are endeavoring to remove the stones that insistently appear in their path
or, worst, that are in their shoes. They are five Cinderellas in search of Prince Charming and a new
chance in life. The best story of these five Cinderellas is that of Anita (Monica Cervera) who also
stars in \"20 Centimeters,\" \"Busco,\" \"Crimen Ferpecto,\" \"Entre Vivir y Sonar,\" \"Hongos,\" and
\"Octavia.\" Sarge Booker of Tujunga, California" ], [ "On one level, this film can bring out the child in us that just wants to build sandcastles and throw
stuff in the air just for the sake of seeing it fall down again. On a deeper level though, it
explores a profound desire to reconnect with the land. I thoroughly empathized with the artist when
he said, \"when I'm not out here (alone) for any length of time, I feel unrooted.\"

I
considered Andy Goldsworthy one of the great contemporary artists. I'm familiar with his works
mainly through his coffee-table books and a couple art gallery installations. But to see his work in
motion, captured perfectly through Riedelsheimer's lens, was a revelation. Unfrozen in time,
Goldsworthy's creations come alive, swirling, flying, dissolving, crumbling, crashing.
/>And that's precisely what he's all about: Time. The process of creation and destruction. Of
emergence and disappearing. Of coming out of the Void and becoming the Universe, and back again.
There's a shamanic quality about him, verging on madness. You get the feeling, watching him at work,
that his art is a lifeforce for him, that if he didn't do it, he would whither and perish.
/>Luckily for us, Goldsworthy is able to share his vision through the communication medium of
photography. Otherwise, with the exception of a few cairns and walls, they would only exist for one
person." ], [ "I lost my father at a very young age.So young in fact,that I have no recollection of him.Over the
years I have learned many things about him. One of those things was that he loved westerns,and
watching Bonanza every Sunday evening was an absolute ritual for him.I,myself, remember the tail end
of the series' run,having been 8 years old when the show ceased production in 1973.Watching this
show over the years somehow makes me closer to my long ago lost father.It has all the right elements
to make a show successful;laughter,tears,edge of your seat suspense,and it even angered you at
times.My most vivid memory of the show's original run,came shortly after the death of our beloved
\"Hoss\" Cartwright,Dan Blocker.One particular episode,and the end of the closing credits, flashed a
picture of Blocker,and faded to black,and I can also recall my oldest sister with a tear in her eye
at the sight of this.I can remember this as though it were yesterday.On behalf of my late father,
who is not here to say so himself,we love Bonanza.Long live the Cartwrights." ], [ "The latest film by the Spanish director Agusti Villaronga is a study on how children that experience
violence and isolation within their remote community, develop into troubled young adults that need
certain psychic tools to deal with their hidden mental frailty. Whether these tools are religion
followed to a fanatical level, caring for others or simply putting on a macho image whilst engaging
as a male-prostitute, Villaronga creates a successful examination of how these vices affect three
teenagers living in Spain under Franco. The three witness the disturbing double death or their
friends before they are teenagers and subsequently bury the emotions they feel with their peers
frail corpses until they meet again once more at a hospital for those suffering form
tuberculosis.

The cinematic style of the text is typically visually opulent as you would
expect from the Spanish auteur and is extremely reminiscent of fellow Spaniard Pedro Almodovar's
work with themes dealing with sexual desire, both heterosexual and homosexual. An element that is
different between the two directors is that Villaronga favours a supernatural undertone spliced with
claustrophobic, gritty realism opposed to Almodovar's use of surrealism, although both styles are
similar.

The piece gives an insight into troubled young psyche and contains disturbing
violence and scenes of a sexual nature. I highly recommend watching this film as it contains
elements that will remain with the audience for a considerable period after viewing." ], [ "An evil land baron is holding up water to a group of ranchers in order to try and take their
properties for pennies on the dollar. Along comes Singin' Sandy Saunders (John Wayne), who saves the
day for Gabby Hayes and his daughter by going undercover as the villain's newest gunman.
/>The first of sixteen films Wayne made for Lone Star/ Monogram Pictures, this tries to cast him as
a singing cowboy, only with an obviously lip-synced voice. The title card prominently features his
character as \"Singin' Sandy\" leading one to believe that this was meant to be the first in a
proposed series!

Yes it's ridiculous, but also a lot of fun to see Wayne singing songs
and shooting guns, especially when he does a little ditty before shooting it out with gunman Earl
Dwire.

Riders Of Destiny features a rare villainous role for for Al \"Fuzzy\" St. John, who
clowns around as much with the bad guys as he did playing a heroic sidekick, riding alongside Buster
Crabbe and Lash LaRue." ], [ "The Blue Planet series is, without a doubt, one of the greatest documentaries ever made on the
ocean. For five years, filmmakers worked tirelessly on the series, getting footage that has never
been seen by anyone (i.e. in the title, The Deep.)

I highly recommend you watch this
series. To see the angler fish outside of the small pictures shown in textbooks is truly a treat,
but only a needle in the vast haystack of the sea that Blue Planet covers. From the open ocean to
tidal pools, coral seas to the deepest darkest part of the ocean itself, the BBC takes the viewer on
an almost magical journey through the ocean.

I have to admit, one of my earliest dreams
in life was to be a marine biologist, and after seeing this series, the dream was revived. I have
studied the oceans of this world for years, and have seen countless documentaries on coral reefs and
dolphins, whales and crustaceans. But in all, no one has managed to capture the life beneath the
waves quite as well as this group of people.

Watch the 'Blue Planet' series in it's
entirety, I promise you won't regret it." ], [ "Patricia Arquette plays American doctor Laura Bowman, who takes a holiday to Burma in an attempt to
heal her spirit after the murders of her husband and young son. She is left behind in Rangoon during
a military crackdown and leaves the city with an aging man who works as a \"tour guide.\" But he is no
simple tour guide; he is a professor who introduces her to the life outside of the tourist traps ...
the two of them get caught up in the political upheaval and Laura sees with her own eyes how the
government betrays and oppresses its own people.

This movie is one of my favorites
because of its themes. First, it's informational (describing some of the injustices that are
occurring in Burma). Secondly, it's about a woman's struggle to find meaning in life after an
incredible loss. Thirdly, it's about compassion and sacrifice, and people coming together - without
even knowing each other - to endure pain and fear.

Just about every beautiful scene in
this movie is important; nothing is wasted here. It's an earnest and moving film. There is also a
very emotional score composed by Hans Zimmer which complements scenes nicely.

A definite
recommend, especially to people concerned with human rights ... and people who want to know, \"What
purpose can I serve?\"

" ], [ "Why is there so much angst among the IMDb reviewers who hate this film? It isn't a masterpiece, but
having viewed it twice it does come across as compelling drama set in the world of network TV. Robin
Stone is the epitome of every Dan Rather, Phillip Stone, and Brian What's-his-name on NBC. A
mannequin of a man incapable of love who succeeds professionally, but fails miserably in his
personal life. I worked for eight (8) years in network news and Robin Stone's DO EXIST!
/>The supporting cast works for me from Cannon (who can be annoying, but isn't in this film) to
Greene (who plays pathos just right) to Wexler (who scores as the young model in love w/ the image
of Prince Charming and can't reconcile that image w/ the true ugliness inside). Also of note is the
ending which some IMDb reviewers claim is a cop-out. It's not! Listen to the song \"He's Moving On\"
for clues as to the arc the Robin Stone character travels that brings him to finally face his
issues. He realizes the answers don't lay w/ the life he's lived and the symbolic walk away from
those he's associated himself with, at the end is perfect." ], [ "In September 2003 36-year-old Jonny Kennedy died. He had a terrible genetic condition called
Dystrophic Epidermolysis Bullosa (EB) - which meant that his skin literally fell off at the
slightest touch, leaving his body covered in agonising sores and leading to a final fight against
skin cancer. In his last months Jonny decided to work with filmmaker Patrick Collerton to document
his life and death, and the result was a film, first broadcast in March, that was an uplifting,
confounding and provocatively humorous story of a singular man. Not shying away from the grim
reality of EB, the film was also a celebration of a life lived to the full. Produced and directed by
Patrick Collerton and first shown in March 2004 The Boy Whose Skin Fell Off has become the most
talked about documentary of that year. It attracted nearly five million viewers and after the
screening the public donated over half a million pounds to Jonny's charity, DEBRA. A Jonny Kennedy
Memorial Fund has been set up to raise another half a million with the aim of ensuring that Jonny
Kennedy left a one million pound legacy." ], [ "Last year was the 200th anniversary of Charles Darwin's birth, and the 150th anniversary of the
publication of \"The Origin of Species\", so it's fitting that Jon Amiel's \"Creation\" got released.
The movie focuses on the period of Darwin's (Paul Bettany) life while he was writing his famous
work, and the mild strain that it put on his family life.

I guess that the movie
overplayed Darwin's tension with his religious wife Emma (Jennifer Connelly), and his guilt over his
deceased daughter Annie, but I still like the thought of Darwin's theory working like a karate chop
on religious dogma. As it was, the US was one of the last countries in which \"Creation\" found a
distributor, due to the creationism-evolution debate (yes, it's still going on).

All in
all, this isn't a masterpiece, but I recommend it the same way that I recommend \"Inherit the Wind\".
I hope that one day, the creationism-evolution debate won't be an issue. If this film helps put the
debate to rest, then more power to everyone in the movie! Also starring Martha West, Jeremy Northam,
Toby Jones and Benedict Cumberbatch." ], [ "Insisting that Martin Luther King's inspirational spirit resides not just in American civil
liberties but inside the hearts and minds of people everywhere, Danish helmer Niels Arden Oplev
transplants this belief to a 1969 Danish middle school. More specifically, it works its way into the
crusade of a young boy named Frits (Janus Dissing Rathke) against his oppressively rigid and
churlishly abusive headmaster Svendsen (Bent Mejding). Adapted from a true story, the performances
are executed with certain aplomb and a refreshing command over its varied characters keeps it
involving. A battle of ideologies between a 13 year-old and a demented disciplinarian gives way to
inherent humour but awkward shifts in mood disorients despite keeping it shrewdly cynical in the
same vein as a \"Dead Poets Society\" more than a \"Matilda\". It treads a familiar path but a continued
and precise service to its young protagonist including a personal subplot that rounds off Frits as a
young boy becoming a young man, manages to raise the film into a rousing family film with its nose
right on the money." ], [ "What a joy to watch this family grow up and see the same children acting in this series eight years
later. Anna (Lexi Randall) is a beautiful young lady, working for a physician in town. She is in
love with his son Justin, who went away in the army and was injured in war. And the newest daughter
of Jacob and Sarah, Cassie, is an outspoken cutie, so transparently honest she often is
embarrassing.

On a cold winter day a stranger shows up at the farm. He is slow to reveal
his identity. When they find out he is Jacobs father, John Witting, thought long ago dead, hard
questions about the past are difficult to get answered.

Glenn Close is magnificent as a
loving mother, who wants only the best for all her family, and is constantly wrestling with the
forces that tend to separate them. Sarah talking to Jacob said, \"It's all so fragile, this life.
Anything can happen in the blink of an eye. I could have died in that blizzard. Think of Justin, and
John. probably more ill than we know. Time moves on. The moment passes, then it's too late. It's a
shame, don't you think?\"

Life lessons on honesty and forgiveness make this a meaningful
evenings entertainment." ], [ "Just as Ted Kramer (Dustin Hoffman) is about to get a break in his professional life his frustrated
wife Joanna (Meryl Streep) finally gets up the courage to leave him, leaving Ted to care for their
five year old son (Justin Henry). Being a single parent proves to be quite the chore for Ted, and he
suffers professionally but also learns there's much more to life than a career as he continues to
bond with, and really get to know, his own son. But then Joanna returns and intends to get her son
back, which leads to a cruel custody trial.

Kramer vs. Kramer is a superbly well written
and magnificently acted human drama that will only leave the most cold-hearted a viewer untouched.
Hoffman's growing relationship with his son is so well portrayed and the film never takes an easy
way out. It always feels very real and thanks to the film's low-key approach it makes even more of
an impact and can easily work upon multiple viewings, the film's dramatic impact does not lessen./>
Easily recommended; 10 out of 10." ], [ "From rainy, dreary late winter England of early 1920s...

---where there is still sadness
and many young widows and disabled vets from the great slaughter of men and killer of their womens'
dreams--- known now as World War I...

Four women share this lovely small sunny Italian
castle on a hill; one a young widow who is drowning her sorrow in frantic partying, two women who
will rediscover their own husbands, and a fourth woman who is tired of her famous dead friends.../>
...These four women will come together with two husbands and a former soldier - almost blind
- to get a spiritual \"makeover\" for one great April vacation in early 1920's Italy.

NOTE
to would-be filmmakers. Study this film for how mood and beauty can tell a story. (Probably not a
film to please many men...)

NOTE: Stock up on coffee & hot chocolate and invite the girls
over on some dreary late winter day...Spring is coming...Enchanted April promises you!" ], [ "Despite the patronage of George Lucas, this captivating and totally original fantasy in \"Lumage\" (a
combination of animation through live action cut-outs) is about as far removed from the usual kiddie
fare as anything made by Ralph Bakshi in his heyday. Brilliantly conceived characters such as the
shape-shifting dog Ralph (one of a duo of bumbling, rejected heroes), Synonamess Botch (the
hilariously foul-mouthed villain) and Rod Rescueman (the pompous novice superhero) breathe life into
a uniquely clever concept: Frivoli vs. Murkwood or, the eternal fight between dreams and nightmares.
In this context, the MOR-infused songs on the soundtrack ought not to have worked but somehow they
do. It's a real pity, therefore, that I have had to watch this via a truly crappy-looking boot
(culled from a TV screening) of the uncensored version – there is also a milder variant that toned
down the language for its VHS release – since the film is otherwise unavailable on DVD.
Interestingly, both Henry Selick and David Fincher worked on this picture in subordinate capacities." ], [ "What you bring to the movie influences your view of it. I brought 30 years in the Air Force to this,
and every time I see it I am moved by the ending. Would a youngster of 15 who's spent their life
flying in jets feel the same way? Yet, I can only just its impact on me.

Jimmy Stewart
gives a wonderful turn as--Jimmy Stewart. Considering he was a pilot, and an Air Force Reserve
General, he probably comes as close to being an expert on how a pilot would act as any man alive.
One can't fault his delivery, or his acting. He IS a pilot BEING a pilot, that's enough.
/>---Spoilers---

It's the final minutes of the film that continue to grip my heart.
Lindbergh has been flying without radio communication and has no idea if anyone is even expecting
him. When he flies into the Paris airport, the uncertainty of the landing field draws you in. What
is it below? Those shifting circles that look like cobblestones or a field of corn, must make you
wonder, is he in the right place? They go on and on, streaming past his vision until he gets low
enough and see that in the Paris night, what he was seeing was the light of the city reflecting off
the upturned faces of the THOUSANDS of people waiting for him to land." ], [ "We don't know why this extraordinary film was never made available officially on DVD... Anthony
Quinn's performance alone makes this a must-see. There are relatively few films in which an actor
identifies so profoundly with his character, a phenomenon always unique for us, moviegoers.
/>But Quinn's powerful portrayal of an innocent Romanian, literally dragged out of his house and
everyday life by forces he cannot comprehend, is only part of what makes this film great. The script
is based on a book published in Paris by a Romanian priest who fled the Communist take-over of his
country, and the film succeeds to go deep into a little known area of East-European history. Told as
a succession of Kafka-esquire twists of fate, the misadventures of Johann Moritz (told openly and
honestly, without any of the political correctness currently so precious in Hollywood) are in fact a
eulogy for the lost innocence of the Romanian people... it is devilishly ironic that this eulogy is
signed by a French director, working with the American money of an Italian producer, and overseeing
a multinational cast fronted by an extraordinary Mexican-born thespian.

I've seen
mentions of VCDs of this film in various Asian internet stores, and I was fortunate to take
possession of a digital recording of this film, broadcast on the British version of TCM. But it's a
shame that \"The 25th Hour\" isn't anywhere on the future DVD release map of MGM studios." ], [ "Picture Bride paints a realistic and moving portrait of what it must have been like for Japanese men
brought to Hawaii at the turn of the 19th Century to work in the sugar cane fields. Most came
planning to return to their homeland, but few were ever able to do so. Equally movingly portrayed is
the fate of Japanese women, some as young as fifteen or sixteen, who were sent as promised brides to
men they knew only through photographs that often were 10 or 15-years out of date, or were of some
other younger man. They too worked long hard hours in the fields, while fighting homesickness and to
preserve their dignity.

Director Hatta's portrayal of one picture bride's courage and
perseverance struggling to survive in a strange land and alien society under great physical duress,
is, ultimately, inspirational and uplifting--a story of moral and cultural survival. There is a
grandness and magnificence of sweep of character and landscape in Picture Bride that captures the
alluring beauty as well as violent harshness of colonial Hawaii. This is a film that is emotionally,
intellectually and artistically rewarding." ], [ "I can remember seeing this movie when I was very young and several times on TV since then. I have
always liked it. I have noticed on the print shown on local TV that one scene has reversed film. It
is the one where they are hiding behind the rock outcrop(it looks like Vasquez Rocks near Los
Angeles) watching the Indians ride by. If you look carefully, you will notice that suddenly all the
soldiers are left-handed! It is only a short segment and I have to admit that it took me years to
notice it.

As far as history goes, there were often expeditions to rescue white captives
from the Indians. The direct connection for the final battle scene is the Battle of Beecher's
Island. In that action, a group of volunteer scouts equipped with repeating carbines (Spencer
carbines not Winchesters) were surprised by the Indians and retreated to an island and held off
several charges. In the last charge, they killed Roman Nose, one of the more famous Indian Chiefs. I
have no idea if the writer of the script had this in mind but it does fit fairly well.
/>There are several Guy Madison movies that I hope come out on DVD someday and this is one of them." ], [ "Just watched this early Bugs Bunny (first time he's named here) and Elmer Fudd cartoon on the
ThadBlog as linked from YouTube. This was Chuck Jones' first time directing the \"wascally wabbit\"
and as a result, Bugs has a different voice provided by Mel Blanc than the Brooklyn/Bronx one we're
more familiar with. In fact, according to Thad, he's channeling Jimmy Stewart (his \"shy boy\" type
personality of that time). Anyway, after Elmer buys his pet, Bugs goes all obnoxious on him by
turning the radio real loud, pretending to die after his master repeatedly throws him out of his
shower, and saying \"Turn off those lights!\" whenever Elmer catches him in his bed. Even with the
different voice, Bugs is definitely his mischievous self and I laughed myself blue the whole time!
According to Thad, there was an additional scene at the end of Elmer just giving the house to Bugs
after the hell he went through but that was probably considered too sad since he suffers a mental
breakdown at that point so it's just as well that cut scene is lost. Anyway, I highly recommend
Elmer's Pet Rabbit." ], [ "I attended Camp Chesapeake. It was located at the head of the Chesapeake bay on the North East River
in MD. It was a similar type summer camp with cabins. It was established by the Coatesville, PA
YMCA. I started out as a young camper and later became a Junior, Senior counselor and later, the
Waterfront director. If the camp had continued, I would have done anything within my power to become
the camp director. Alas the powers of the YMCA decided to close down the camp and sell it to the
state of MD. I visited the former camp some years later by boat and was dismayed by the neglect of
the state of MD and natural destruction by mother nature. The 350 acre site served so many with all
the benefits of contact with natures offerings. A black man by the name of Curtis Ford, and his
family were residents and caretakers of the property. Mr Curtis was my friend and mentor. I idolized
his every being. Even as he could not swim he was a waterman. If I asked him where the fish were
biting, he would designate the spot, and I would have a ball. Ther was also a Family camp at the end
of the summer. These memories will be with me for eternity." ], [ "Directed by Michael Curtiz, Four Daughters is about four musically gifted sisters, their suitors,
and their father, a minor conductor.Playing sardonic, quick talking Mickey Borden is John Garfield
in the role that made him an instant star.The movie also stars Claude Rains as Adam Lemp and the
Lane sisters, Lola, Rosemary, and Priscilla, and Gale Page as his spirited daughters.Its definitive
scene takes place in the Lemps' living room. Cigarette hanging from his lips, Borden is playing one
of his own compositions. Priscilla Lane's Ann Lemp tells him the piece is beautiful. But he says,
\"It stinks.\" He continues: \"It hasn't got a beginning or an end, only a middle.\" Ann urges him to
create a beginning and an end. Borden replies, \"What for? The fates are against me. They tossed a
coin--heads I'm poor, tails I'm rich. But they tossed a two-headed coin.\" Audiences loved the way
Garfield, in his tough city voice, said It stinks. That scene created Garfield's screen persona as
the eternal outsider. Four Daughters is a slice of Americana with Garfield, in a compelling
performance, supplying more than a hint of darkness.

" ], [ "Beware, My Lovely came on TV on BBC2 recently during the early hours so I set the video to record it
and was pleased I did.

A man finds a dead woman so he escapes so he don't get the blame
for her murder and gets a job as a handyman at a widow's house but she does not know what she is
taking on here. It turns out this man is a psychopath and possible killer. He starts tormenting her
and locks her in the cellar. He then cuts the phones line so she can't get help from the outside. A
young boy who regularly does shopping for her notices something isn't quite right when he comes to
drop her shopping off. Eventually, the man leaves, acting as if nothing has happened.

I
can see why Beware, My Lovely was given an X certificate when released in the cinemas. Some of the
scenes are rather nasty for this time. I also thought the man was going to do something to the young
boy too.

The cast features an excellent performance from Robert Ryan as the psychopath,
Ida Lupino as the widow and are joined by Barbara Whiting and Dee Pollock as the boy.
/>This is certainly Robert Ryan's most chilling performance I've seen. A must see.
/>Rating: 4 stars out of 5." ], [ "Gentleman Jim not really a boxing film. It is a vehicle for Errol Flynn as Jim Corbett. But having
said that, the boxing scenes are a real eye-opener to the modern viewer. There are no 12 round,
points decisions here.

Errol Flynn plays the Irish bank clerk who gets a shot at the
heavyweight world title. Flynn is well suited to the role of suave but unpredictable Corbett. His
opponent John Sullivan is still better however, a bruiser of the old school played by Ward Bond./>
The theme of the film is a man pushing for his big chance. Corbett leaves his mundane life
behind and builds a new persona as Gentleman Jim. Jim is a chancer who can adapt to any social
environment. He is a liar and an egotist. Sullivan the heavyweight boxing champion is portrayed as a
simple brute but his honesty and sportsmanship gives a certain contrast to the main character./>
There is action and excitement aplenty and a wonderful ending with the requisite redemption
for all. And Errol Flynn gets the girl." ], [ "Peak Practice was a British drama series about a GP surgery in Cardale — a small fictional town in
the Derbyshire Peak District — and the doctors who worked there. It ran on ITV from 1993 to 2002,
and was one of their most successful series at the time. It originally starred Kevin Whately as Dr
Jack Kerruish, Amanda Burton as Dr Beth Glover, and Simon Shepherd as Dr Will Preston, though the
roster of doctors would change many times over the course of the series.

The series was
axed in 2002 and ended on a literal cliffhanger when two of the series main characters plunged off a
cliff. Viewers wrote to ITV in their thousands and a petition for one last episode was set up by
website Peak Practice Online. However, all pleas were unsuccessful and ITV said they would not make
any more episodes.

Peak Practice was replaced by Sweet Medicine, another medical series
set in Derbyshire. It lasted a few episodes before it was dropped from the schedules.
/>Cardale was based on the Derbyshire village of Crich, and the series was filmed there and at other
nearby Derbyshire towns and villages, most notably Matlock and Ashover. After the end of this
programme, ITV attempted to launch a follow-up series called Sweet Medicine, which extended the
stories of different characters from the original show." ], [ "`Skenbart' is one of the funniest movies to not only to come from Peter Dalle but from the Swedish
cinema industry itself. It is a movie made in black and white to get something of the atmosphere
from the days before Christmas in December 1945, which it does very well. Almost the whole plot
takes place on a train, non-stop to Berlin. On the train is a mix of homosexuals, nuns, deported
refugees, murderers, alcoholics and the failure literature critic 'Gunnar' played by the, in Sweden,
famous actor Gustav Hammarsten. The leading role 'Gunnar' is the type of person that, although his
intentions are for the best, seems to drag everyone near him, in a extremely funny way, into
disaster and to a living hell, especially for a from the Finnish war, homecoming, wounded soldier
played by the extremely funny comedian Robert Gustafsson. On the train is also a doctor, who cheats
on his wife, with his mistress. They have together planned to murder the doctors wife that is also
travelling with the same train without any knowledge about her husbands intentions. Will the wife of
the doctor elude the plans to murder her and will everyone else survive the unlucky fellow 'Gunnar'?" ], [ "This is one of the finest music concerts anyone will ever see and hear. I grew up when All My Lovin'
was brand new and to hear it again today by the original artist today is a measure of Sir P Mc's
power to spellbind any crowd of any age. This doco goes way behind the scenes to show us life on the
road not just for the band but everyone down to the roadies. I saw this guy live in Aussie 1975 and
can assure you his performance here on this DVD is no less than he gave almost 30 years ago. I have
a huge 5.1 surround sound system that does do this justice and would recommend this anyone
especially a Beatles fan. This is the closest you will get to a Beatles concert today. Singer,
Songwriter, lead/rhythm/ bass guitar, piano, ukulele, just pure genius. There are few entertainers
who can stand alone with one instrument and hold the crowd in his hand. If you want note perfect
music, buy a studio recorded CD. If you want to hear raw music as it is intended and spontaneous to
the crowd, with all the excitement and emotion of the crowd-this DVD is for you." ], [ "A spin off comedy talk show from the creators of 'Garth Marenghi's Darkplace' The new series, Man to
Man with Dean Learner, focuses on Garth's manager, publisher and publicity agent, as played by
Richard Ayoade.

Nightclub owner, restaurateur, publisher, international playboy - Dean
Learner is a one-man brand.

After his co-funded Channel 4 television hit Garth
Marenghi's Darkplace he now invites you into his luxury penthouse flat for an all-new, entertaining
and immensely stylish TV talk show.

Man to Man with Dean Learner will feature all Dean's
remaining celebrity friends, as well as plenty of live music and fine fish-dish cuisine in a show
that reeks of class - but not fish!

I attended two of the live recordings and it had me
in stitches. There are distinct comparisons to Alan Partridge's 'Knowing me Knowing you' in the
layout but Richard Ayoade and Matt Holness's unique writing style take it to another level.
/>If your a fan of Darkplace then you can't miss it. Catch it when its aired late this summer" ], [ "Starring: Ann-Margret, Frederic Forrest, Cathryn Damon, Donald Moffat, Lonny Chapman, Patricia Smith
Directed by: John Erman \"12 Months to Live... So Little time to Plan a Future She Would Not Share.
For the Sake of her 10 Children She Must Succeed!\"

Lucile Fray (Ann-Margret), is the
caring mother of 10 young children. She is the loving wife of Ivan (Frederic Forrest), a man almost
crippled by arthritis. She is also dying. Stricken by a terminal illness, she has only a few months
left to live. Her husband, tormented by the painful truth, turns to the bottle and, with a broken
heart, Lucile is forced to accept that he will never be able to cope as a father alone.
/>And so, for the sake of the children she loves so much, the young mother must make an agonising
decision.

Inspired by real-life events, 'Who Will Love My Children' is a tribute to one
woman's courage and strength - a story of sacrifice and of a dying mother's undying love.
/>One of the best films that I have ever seen Cried from start to finish." ], [ "Its a very sensitive portrayal of life with unquenched or constrained desires. What does one do with
desire in a culture and society with rigid norms? One husband finds outlet with the immigrant -
since immigrants don't belong or aren't accepted, they don't need to conform and dam their desires.
The other husband looks for solace in spirituality and tries to evaporate his desire into
nothingness. It fails - of course - and he breaks down in the last scene for multiple reasons. Sita
still cared enough for him to find that moment to let him know that he is not responsible for her
deviant outlet to her blocked desires. The mother in her still couldn't find the strength to destroy
his myth. She sees him as a child who is glorifying himself in his lust-control but should she give
him the opportunity to finally grow up? Both the wives find courage and togetherness through their
shared rejection by their husband.

But the final act of rejection was by the grandmother
- she could not break free from her rusted mindset to accept Sita's desire. A decade and more of
receiving care was not enough to break the shackles of her culture.

Seems like it was
easiest for the househelp to let his desires flow - since he's anyway damned by his culture - being
at the bottom of the hierarchy. Since there is anyway no respect and expectations, might as well
taste sin." ], [ "In 1958, Clarksberg was a famous speed trap town. Much revenue was generated by the Sheriff's
Department catching speeders. The ones who tried to outrun the Sheriff? Well, that gave the Sheriff
a chance to push them off the Clarksberg Curve with his Plymouth cruiser. For example, in the
beginning of the movie, a couple of servicemen on leave trying to get back to base on time are
pushed off to their deaths, if I recall correctly. Then one day, a stranger drove into town.
Possibly the coolest hot rodder in the world. Michael McCord. Even his name is a car name, as in
McCord gaskets. In possibly the ultimate hot rod. A black flamed '34 Ford coupe. The colors of
death, evil and hellfire. He gets picked up for speeding by the Sheriff on purpose. He checks out
the lay of the land. He is the brother of one of the Sheriff's victims. He knows how his brother
died. The Clarksberg government is all in favor of the Sheriff. There's only one way to get justice
served for the killing of his brother and to fix things so \"this ain't a-ever gonna happen again to
anyone\": recreate the chase and settle the contest hot-rodder style to the death. He goes out to the
Curve and practices. The Sheriff knows McCord knows. The race begins... This is a movie to be
remembered by anyone who ever tried to master maneuvering on a certain stretch of road." ], [ "This film is completely underrated.

It's a film similar to Will Keenan and Patrick
Hasson's Waiting, as well as Adrien Brody's Restaurant and the classic film Breaking Away, which are
all about young adults who are stuck and know they're stuck, with little or no chance of breaking
free.

Death By Pizza (Delivered) is about an intelligent, free-thinking, artistic young
adult (Will, played by David Strictland) who is stuck and waiting, bitter at the world's hypocrisy
and bitter at his own lack of direction and desire. Will meets his nemesis, Reed (Ron Eldard),
another intelligent young adult who's so bitter, he's chosen the path of crime. Both end up helping
each other to free themselves of their bitterness, which enables them to get unstuck.

For
these young adults, getting unstuck, or, breaking free, can mean both forging ahead into life, and
plunging downward into death.

Will's life is filled with the trademarks of a young
\"stuck\" adult: a soul-sucking, sweaty, under-paying job, crude customers, an ex-girlfriend who left
him because he was unmotivated, a partial college education with no degree, a house filled with
self-made art, and of course the new friend whose ungodly choices help him to save himself." ], [ "I only saw this recently but had been aware of it for a number of years and have always been
intrigued by its title. It now belongs to me as one of my very favourite films. It is hard to
describe the incredible subject matter the Maysles discovered but everything in it works
wonderfully. It has so many memorable images and moments where you feel you are encroaching on a
very private world. I fell in love with this film and with the characters in it. It is as though the
filmmakers have cast a spell of the audience and drawn us into the strange world of the eccentric
Beales, a true aristocratic family. It has a tangible atmosphere and I found myself wishing I could
be there away from it all, cooking my corn on the cob at my bedside table. It has an air of sadness
that permeates throughout. A fall from greatness for this once esteemed family. The money had gone
but their airs and graces remained, as well as their beauty. It drew me in from the first frame and
long after the film finished I found myself wondering about their fate. Wondering that if I took a
walk along East Hampton beach I might still hear Old Edie's voice in the night and see the
silhouette of Little Edie dancing in the window behind the thick hanging creeper. Unforgettable." ], [ "Grey Gardens is a world unto itself. Edith and Little Edie live in near total isolation, eating ice
cream and liver pate in a makeshift kitchen in their (apparently) shared bedroom. Cats loll about
while mother Edith insults her daughter's elocution. This is a Tennessee Williams play come to life
and should inspire screenwriters and playwrights, as the bizarre and overlapping dialogue is 100%
real.

The situation in the house reminds me exactly of how my grandmother and her 50-ish
daughter lived for a decade (other than that they were poor and clean). They would bicker all day,
grandmother talking about her gloriously perfect past while her daughter continually blamed her for
missed opportunities with men, work, and self-expression.

This film is a must-see for
anyone writing a mother/daughter relationship of this kind. It is sad and voyeuristic, but the
filmmakers did an amazing job getting the Edies comfortable enough to expose themselves so
recklessly. It is rare to see true life this way and all the more special considering the context--
remnants of a powerful family fading into nothingness in the skeleton of their own mansion." ], [ "This documentary explores a story covered in Pilger's latest book \"Freedom Next Time\", which was
published in 2006. It reveals the shocking expulsion of the natives of Diego Garcia, one of the
Chagos Islands in the Indian Ocean.

The islanders are technically British citizens, as
Diego Garcia is a British colony, much like Mauritius, the nearby island to where the natives were
exiled, used to be. But the British government has ignored their pleas to return to their homeland,
as the island is now a military base for the United States army, who have used it as a basis for the
bombing of Iraq and Afghanistan.

As usual, Pilger's coverage is shocking, especially as
he documents the treatment and the current impoverished living conditions of the surviving
islanders. His interviews all round are excellent, and his cornering of a Parliament representative
where he uses the Government's own information to pin him down, ranks as one of his best.
/>Pilger also uses dramatic reconstruction to dissect a series of recently released documents that
fully illuminate the British conspiracy to evict the natives. The weaving of this footage with the
interviews, and the islanders music, really heightens the film's impact.

It is not easy
viewing, but \"Stealing a Nation\" is John Pilger at his best. Recommended." ], [ "I tracked the trip two years ago on the internet - now I've seen the film!! What a ride! And what a
trip to finally get to know Darius Weems! Such a courageous, wise, funny and talented spirit! And
what a Crew! To listen to Darius laughing from being in the water at Panama City, to see his
trepidation of being too close to alligators in Louisiana, the wonder in his eyes as he rode in a
hot air balloon, the excitement of rafting through some rapids, the bet to eat a spoonful of wasabi,
and the phone calls home, and as always - boys will be boys. This film needs to be seen by everyone
- young and old alike. Darius and his mother are models of strength and courage. And the Crew
members are testaments to the heart of the younger generation. They got Darius a new wheelchair;
they documented accessibility problems; they took Darius on the trip of his life; and they touched
many, many lives. By raising awareness of DMD and encouraging funding for research, this film will
help accomplish the final goal of Darius Goes West - a cure for DMD." ], [ "To answer the question of a previous reviewer who asked the name of the U.S. official mentioned in
\"Lumumba\", the name of the character is \"Mr. Carlucci.\" Frank Carlucci is reported as having been at
that time Second Secretary at the U.S. Embassy in the Congo. Subsequently, among other assignments,
he was appointed U.S. Ambassador to Portugal, Deputy Director of the Central Intelligence Agency,
Secretary of Defense, and is now the Chairman of the Carlyle Group. It's hardly surprising that
Carlucci's biographical sketch on his www.carlylegroup.com web site fails to credit his service in
the Belgian Congo. If his name was deliberately censored from the HBO version of \"Lumumba\" it may
have been to avoid the possibility of HBO's being sued in U.S. courts. Carlucci's name, however, is
clearly mentioned in the theatre version of \"Lumumba\" that I saw recently. In the event, I expect
that he would deny any involvement in Lumumba's murder.

Others have commented on the
evenhandedness with which the film \"Lumumba\" treats the parties concerned: Lumumba-supporters, other
Congolese, even Belgians. A somewhat more sinister view emerges, I think, from the BBC documentary
entitled \"Who Killed Lumumba?\", based on the book \"The Murder of Lumumba\" by Belgian historian Ludo
de Witte. When examined closely, these films demonstrate that the fate of Lumumba and the history of
the Congo is not just a matter of black and white. Only Lumumba's murderers believe that." ], [ "ROCK N ROLL HIGH SCHOOL holds a special place in my heart because it introduced me to the Ramones. I
was too young during the band's mid-70s heyday to be very aware of them, although I had an older
cousin who was a big fan at the time. I finally saw RNRHS on television one afternoon in the mid-80s
when I was about fifteen years old, and laughed all the way through it. (Isn't it every high school
kid's dream to trash his school and blow it up, all set to a rockin' soundtrack?) I recorded a
subsequent airing of the film a year or two later and kept watching the Ramones concert sequences
over and over again, thinking \"Man, these guys kick ass! I have to check out some of their albums!\"
The rest is history. Twenty years, umpteen Ramones LPs/cassettes/CDs, and three Ramones shows later,
they're still one of my all time favorite bands and RNRHS still cracks me up every time I watch it.
Now that Joey, Dee Dee and Johnny have left us (R.I.P. all)at least we have this movie and tons of
great music to remember them by." ], [ "This movie is a touching story about an adventure taken by 15-year-old Darius Weems. Darius has
Duchenne Muscular Dystrophy, a still un-curable disease that took the life of his brother at age
nineteen and is the number one killer of babies in the United States. Him and a few close friends
travel across the country to Los Angeles with the goal of getting his wheelchair customized on
MTV's, Pimp My Ride, one of his favorite shows. The journey begins in Georgia, where Darius grew up
and has never left. The gang head west for a trip that all its participants will never forget.
Darius gets to ride in a boat for the first time, ride in a hot air balloon, swim in the ocean and
visit sights he's always wanted to see like the Grand Canyon and New Orleans. The filmmakers here
clearly have an emotional connection to the material. They make no money from sales of the $20 dvds.
$17 goes toward researching the disease and $3 goes toward making more copies. The film has won over
25 awards at festivals and I agree with the quote given to the film by Variety, \"Certain to stir
hearts\"." ], [ "During the 13 years of schooling I had from Kindergarten through high school, there was only one day
that my class took a field trip. When I went to school, you went to school, from 8:30 until 3:30 and
filed trips were not taken. But, for some reason I could not recall at this advanced age, we went to
see a movie - National Velvet. I do not recall the movie, so, on the eve of my 57th year, I decided
to revisit it.

It is a movie about a time that no longer exists. A time when people
trusted others and didn't lock their houses. A time when people were given the benefit of the doubt.
It was a time when family was the most important thing. This film shows all of that and more. It
shows love and trust and caring and the goodness of people.

It would not be a bad thing
for every family to view this film once in a while and discuss its message.

It was a
treat to see the young Elizabeth Taylor, Mickey Rooney at his best, the Academy Award-winning
performance of Anne Revere, Angela Lansbury before Murder, She Wrote, and Donald Crisp, who
performed for almost sixty years.

What a movie!" ], [ "This bittersweet slice of magic realism had a checkered production history (director/writer
replaced) and tanked at the box office, but it's a helluva film.

Elijah Wood and Joseph
Mazzello are pre-teen brothers whose flaky mom (Lorraine Bracco) shacks up with a mean-spirited
alcoholic (Adam Baldwin). During his drinking bouts, Baldwin physically abuses Mazzello and
manipulates him into remaining silent about his situation. But when Wood cottons on to what's
happening, the boys put their heads together and hatch a fantastique solution to Mazzello's
devastating dilemma.

I love films that mix fantasy and dark reality. They are rarely
successful financially (\"Lawn Dogs\" is a similar example), but they are usually original and
intriguing.

The drunk Baldwin is shot from a low, child's perspective and his head is
deliberately lopped off below the top of frame. This device allows us to judge him purely by his
actions and as a totally physicalized beast. Both Wood and Mazzello are excellent, and they pull us
effortlessly into their dark, frightening world.

The \"radio flyer\" of the title is a
small red wagon kids transport their belongings in. Here it transports a dream.

Seriously
interesting stuff." ], [ "It's remarkable that for 'Young Mr. Lincoln's' supporting players Ford cast lesser known, other-
than-star actors. This not only heightens his film's focus on the central character of Lincoln, but
it also affords the audience a refreshing insight into Lincoln as a man of his place and time, a man
embroiled, as each one of us inexorably is, in the issues and sentiments of his time and seeking his
way to resolving them. It's not so much through Fonda's Lincoln's words and actions but in the
faces, the reactions of the supporting players that Ford tells the story of the formation of the
young Lincoln's worldview, sense of place in society and polity, and of how the people responded to
Mr. Lincoln's words and deeds and placed their trust in this man whom they deemed to have earned
their respect and heeding.

Give this a try: instead of focusing on Henry Fonda, next time
you view 'Young Mr. Lincoln' shift your focus to the supporting characters - you will, I expect, be
handsomely rewarded with a more profound appreciation of both Lincoln and Ford. I like to suspect
that Ford's storytelling through the supporting characters' reactions to Fonda's Lincoln may have
appealed to David Lean when he directed Omar Sharif in 'Doctor Zhivago', in which it's the
supporting characters' reactions to Zhivago that actually tell about Zhivago." ], [ "I was impressed with this film because of the quality of the acting and the powerful message in the
script. Susan Sarandon plays the part of a flighty, irrational and possessive mother, who constantly
gives her daughter the message that they must stick together. She removes her daughter from a
dysfunctional but loving family in Indiana to pursue an exciting acting career in Hollywood. The
daughter is dubious, but at first she has no choice--- the bond with mother is pathologically
strong.

In time the girl sees that the mother is off into flights of fantasy and does not
have her feet on the ground. She sees her mother go head over heels for a handsome, seductive guy
who loves 'em and leaves 'em. She sees that the mother doesn't get it. So how can she look to her
mother for guidance?

The mother directs the girl to a drama try-out and sees the daughter
act out the part of the mother in such a way that a shockingly painful mirror is held up to the fly-
by-night mother. This causes a period of depression and the girl is horrified at the impact on the
mother and is apologetic, but the lesson takes hold.

There is character-growth as the
mother realizes her selfish claim on the daughter and eventually is persuaded to let the girl go. It
is a touching scene and a valuable lesson, that parents, however emotionally dependent, have to let
the child go and become her own separate person." ], [ "I caught this movie by accident on cable in the middle of it and had to rent it to see it's entirety
and I'm glad I did. I was immediately drawn by the storyline and cared about the girls involved.
Naive high school graduates, best friends since childhood, take a high school trip and are taken in
by a con man named Nick who get them into serious trouble. They are used as sacrificial mules in a
heroin smuggling ring. Taken in to custody the girls learn to cope with their incarceration while
trying to find a way out of their trouble. Everything that they try to help themselves falls short
when the Thai criminal justice system shows shortcomings and the girls end up in more trouble and
lose the trust of their American lawyer \"Yankee Hank\". Hank gives up trying to defend them after he
feels betrayed by Alice(Claire Dane). However, the Thai native wife of Hank smells a rat in the case
and does some further foot work of investigation and finds out the girls really were victimized. The
end of the movie when Alice does a selfless act to save Darlene (Beckinsale) had me in tears. I
really enjoyed this movie and would recommend it." ], [ "This movie is obviously low-budget & filmed in British Columbia,Canada. The obstacles that had to be
overcome to make this movie convincing(set in California & late 60's-80's)were well conceived.I
believe this is the best & most accurate version of the Zodiac killings that plagued the town of
Vallejo & the Bay area from 1968-19? (he was never caught).Edward James Olmos(Det. Dave Toschi) &
George Dzundza(Zodiac-at the time believed to be Arthur Leigh Allen, since cleared by DNA &
fingerprints)play a game of cat & mouse re-visiting crime scenes together, each one trying to
trigger the other into an emotional revelation.Olmos dying from some type of terminal disease &
knowing Dzundza did it,still totally obsessed to the point of losing his family & becoming a full
blown alcoholic along the way.Dzundza totally oblivious & self absorbed(like all serial killers) to
the carnage left in his wake.The only disappointment was the\"over the top\" ending otherwise pretty
accurate.If you tire of the typical Hollywood fluff or have an interest in the Zodiac case,check it
out." ], [ "In a poor village in Mexico, the Colonel (Fernando Luján) lives with his asthmatic wife Lola (Marisa
Paredes) in an old house. Lola still grieves the death of their son Augustin some time ago. The
colonel has been expecting for his pension of fighter in a war against Catholic church for almost
twenty-seven years. However, for political reasons, the present government wants to forget this old
fight. Without having any possession or money, but a valuable gamecock, they struggle to survival
with the expectation of the acknowledgement letter from the government, recognizing the law and
paying for the delayed pension. This slow and touching movie reflects the social and financial
situation of most of the elder retired persons in third world countries. In Brazil, most of the
retired persons has to survive with about US$ 80,00 per month. The debts of the colonel in the story
were made to pay for a graveyard for his son, otherwise he would be buried as an indigent.
Outstanding performance of the cast, in a very sad story that is reality in the poor countries. My
vote is eight.

Title (Brazil): (`Não se Escreve ao Coronel') (Do not Write to the
Colonel)

" ], [ "Made the same year as the first Lumiere films, this is a much more dramatic short than the brothers
attempted until the following year's 'Niagara'. The surviving print is very rough, but this only
adds to the Turneresque visual violence, as huge surges of water dash against a stolid pier, and
seem ready to engulf the camera, the viewer.

If you watch a number of these early shorts
in chronological order, and try to get into the mindset of the times, there is a further shock in
that, unlike the single frame set-ups of the Lumieres, this film features an edit, which for me at
any rate, was as slashing as the razor blade in 'Un Chien Andoulu).

Unlike the mono-
vision of the Lumieres' films, Paul opens up the possibility of multiple perspectives, freeing the
viewer from the power of nature, eluding its grasp in a way the Lumieres never could. The second
shot features a similar gush to that of Niagara, but is less frightening because, by way of the
edit, we have sidestepped the danger. In a film like 'L'Arroseur Arrosse' or 'Repas du bebe', nature
stands indifferent and powerful, uncontainable by the camera. Basic film grammar puts an end to its
supremacy." ], [ "Burt Reynold's Direct's and star's in this great Cop film, Reynold's play's the Sharkey of the
title, who is a tough cop whilst working in undercover a drug bust goes wrong, and is demoted to
vice,

The machine of the title refer's to the motley crew Reynold's's assemble's to
bring down a crooked governor who is involved in high class prostitution Cocaine and contract
murder,

The motley crew is played by Brian Keith, Blackploitaion favorite Bernie Casey,
Richard Libertini,(as alway's quirky as an ace sounds-man) Charle's Durning, as the chief, The
beautiful English rose Rachael Ward play's Dominoe a $1000 dollar's a night hooker whom Reynold's's
protect's and eventually fall's for, When staking out an apartment used by the governor.
/>Italian actor Vittorio Gassman, play's the High stake's pimp, who has a deadly gang of triad's at
his disposal, And Henry DeSilva, play's His psychotic brother hit man who is highly strung On
prescription painkiller's and angel Dust,

The action packed finale see's the remaining
member's of the 'Machine' Engaged in a deadly shootout with Desilva, which culminate's in one the
Most spectacular stunt's ever put to Celluloid,

Alas Hollywood has ran out of idea's and
is contemplating a remake of Sharky's Machine! Why bother a 25th Anniversary Special Edition DVD
would be ideal, not a silly ass remake," ], [ "Disregard the plot and enjoy Fred Astaire doing A Foggy Day and several other dances, one a duo with
a hapless Joan Fontaine. Here we see Astaire doing what are essentially \"stage\" dances in a purer
form than in his films with Ginger Rogers, and before he learned how to take full advantage of the
potential of film. Best of all: the fact that we see Burns and Allen before their radio/TV husband-
wife comedy career, doing the kind of dancing they must have done in vaudeville and did not have a
chance to do in their Paramount college films from the 30s. (George was once a tap dance
instructor). Their two numbers with Fred are high points of the film, and worth waiting for. The
first soft shoe trio is a warm-up for the \"Chin up\" exhilarating carnival number, in which the three
of them sing and dance through the rides and other attractions. It almost seems spontaneous. Fan of
Fred Astaire and Burns & Allen will find it worth bearing up under the \"plot\". I've seen this one 4
or 5 times, and find the fast forward button helpful." ], [ "Jack, Sawyer and Sayid swim to the boat and find a completely wasted Desmond. His traumatic past
experience before sailing to the island is disclosed through flashbacks. Sayid plots a plan with
Jack to surprise \"The Others\" in case Michael is double-crossing the group. John Locke convinces
Desmond to invade the hatch, which is protected by Mr. Eko, and not press the button of the computer
to see what will happen.

This episode is one of the best of the Second Season.
Unfortunately, we lovers of \"Lost\" can see the lack of respect the producers of this stunning series
have with the fans. In the USA, the air date of this episode was 24 May 2006. Therefore, along this
period, fans have to wait for the Third Season in a very suspenseful situation, with Jack and his
group surrounded by \"The Others\" and finding the truth about Michael and the death of Ana Lucia and
Libby; John locked inside the hatch without the intention of pushing the button and Mr. Eko in
despair outside the hatch. I hope the fate of \"Lost\" be better than \"Angel\" and its very
disappointing conclusion (or lack of conclusion) after five seasons. My vote is ten.
/>Title (Brazil): Not Available" ], [ "After reading over all these reviews I'm very surprised to see that no one has even once noted that
this show was based on the 1957 to 1960 NBC cop show \"M Squad\" starring Lee Marvin, i read reviews
comparing it to \"Dragnet\" and some of the Quinn Martin police shows, but if you watch M Squad you'll
see it was based on it. In the late 1958 episodes of M Squad onwards, you'll see Lee Marvin who
plays Lieutenant Detective Frank Ballinger get out of his car and then hes shot at,and he shoots
back, the beginning of Police Squad is basically the same ( including the Jazz music) and then Lee
Marvin narrates what goes on, (Im Lieutenant Detective Frank Ballinger,M Squad,a special department
of the Chicago police) and in Police Squad Leslie Neilsen does the same (Im Detective Lieutenant
Frank Drebin, Police Squad, a special division of the Police Department) and so on, in one of the M
Squad episodes there's even the Johnny the shoeshine guy character and in a M Squad episode entitled
\" More Deadly\" there's a Police Squad episode entitled \"A Substantial Gift (The Broken Promise)\"
which is the same story!" ], [ "Hooray for Korean cinema! Last year I saw \"Chungyang\" and \"Nowhere to hide\", now I catch up with Hur
Jin-ho's directorial debut \"Christmas in august\". The variety of themes and level of achievement
speak highly of a national cinema ripe for discovery. This film's major themes are death and love.
The graceful and thoughtful way Jung Won(Han Suk-kyu) copes with his impending death, and the
sublimation of his desires toward Darim(Shim Eun-Ha) out of true love for her. I was deeply moved by
his careful management of behavior and emotions, shielding Darim from unnecessary pain without
rejecting her.

The success of this type of film is predicated on the skill of the actors.
Han and Shim excel, being both quite expressive yet naturalistic. A number of secondary characters,
Jung Won's relatives, friends, and clients, are quickly delineated to enrich the story without
detracting from its main focus. To LIVE is to love, but all things must pass. Pain subsides. Life
goes on." ], [ "Traffik is a really well done 6 hour drama about drugs (circa 1987). It tells three stories, in
parallel, about how opium is grown in North-East Pakistan, how drugs are smuggled from Pakistan into
Europe, and finally, how people addicted to drugs spiral out of control. All three stories are told
realistically and with empathy. You see enough of the characters lives to understand how ordinary
people can get sucked into a life that is really immoral.

These aren't card-board
cutouts, the opium grower is trying to feed his family in a dry area filled with guns and other
opium growers. The drug smuggler is a rich German with no heart but his wife (one of the three main
characters) is just an ordinary woman who has to choose between leading her life \"the old way\" or
giving up. Finally the main character, the government minister has the toughest role as he must deal
with the emotional devastation caused by his own daughter. She slips into the world of drug
addiction and starts stealing, suffering from ill-health, attacking her parents emotionally, all so
she can continue to satisfy her craving for the drug (heroin) that is destroying her life.
/>Traffik is one of the best dramas I have ever seen on TV. The scenes in this show will remain with
you for a long, long time. Highly recommended. -- Colin Glassey" ], [ "James Stewart stars in a classic western tale of revenge which ties in with the fate of the films
other star the Winchester Rifle. Stewart is it goes without saying excellent adding some cold hard
obsession to his usual laid back cowboy. The story follows the fate of a Winchester rifle and its
owners after being won in a competition by our hero and stolen by the man he is hunting.
/>We meet a selection of gamblers, gun fighters, Indian traders and bank robers as we follow the
rifles path through Indian battles, bank heists etc. The supporting cast are all solid with Dan
Durya standing out as Waco Johnny Dean the live-wire gunfighter with an itchy trigger finger. Also
as a trivia note a very early appearance from Rock Hudson as an Indian chief.

The end
showdown is a classic a tense rifle battle fought at long range in and around a rocky outcrop. Throw
in some good old western action, fist fights, shootouts and horseback chases it makes for a
rollicking western adventure. 8/10" ], [ "Since this cartoon was made in the old days, Felix talks using cartoon bubbles and the animation
style is very crude when compared to today. However, compared to its contemporaries, it's a pretty
good cartoon and still holds up well. That's because despite its age, the cartoon is very creative
and funny.

Felix meets a guy whose shoe business is folding because he can't sell any
shoes. Well, Felix needs money so he can go to Hollywood, so he tells the guy at the shop he'll get
every shoe sold. Felix spreads chewing gum all over town and soon people are stuck and leave their
shoes--rushing to buy new ones from the shoe store. In gratitude, the guy gives Felix $500! However,
Felix's owner wants to take the money and go alone, so Felix figures out a way to sneak along./>
Once there, Felix barges into a studio and makes a bit of a nuisance of himself. Along the
way, he meets cartoon versions of comics Ben Turpin and Charlie Chaplin. In the end, though, through
luck, Felix is discovered and offered a movie contract. Hurray!" ], [ "Just given the fact that it is based on the most infamous mass suicide incident of modern times
would have been enough to give this 2-part 1980 made-for-TV film attention. But the fact is that it
is a superb recreation of the life of the Rev. Jim Jones, who built a church into a virtual empire,
and then encouraged it to disintegrate into a sleazy cult in which a Congressman and his entourage
were assassinated, and 917 cult followers committed suicide by drinking Kool-Aid doused with
cyanide.

Done very tastefully but horrifying enough, unlike the excruciatingly sadistic
CULT OF THE DAMNED, GUYANA TRAGEDY features an all-star cast, including Ned Beatty (as Rep. Leo
Ryan), Meg Foster, Randy Quaid, Brad Dourif, Brenda Vaccaro, LeVar Burton, and Madge Sinclair. But
it is Powers Boothe (in his first big role) that really stands out as Jim Jones. He actually BECOMES
the man, and his performance is riveting and chilling. Thus, it is no wonder that this film still
manages to attract attention after more than twenty years." ], [ "A remake of the 1916 silent film, based on the 1909 novel by Maurice Leblanc. The detective series
would be made into numerous plays, films and TV series in the UK, the US, and France over the years.
This 1932 version starred the smashing Barrymore brothers John (as the Duke) and Lionel (as
Detective Guerchard). They would also star together in Grand Hotel, Dinner at Eight, and several
others over the next couple years. Sonia (Karen Morley) shows up in the Duke's bed during a party in
this pre-Hayes code film; first the lights go out in the bedroom, then they go out in the main
ballroom, then the search is on for the crook and the missing jewelry, as well as other missing
valuables... You can tell talkies hadn't been around too long, as they still use caption cards
several times. Also watch for a new kind of safe that doesn't need a combination. Well-thought- out
plot, no big holes, but no big surprises here either. Not bad for an early talkie film. Clever
ending." ], [ "Dr. McCoy and Mr. Spock find themselves trapped in a planet's past Ice Age, while Capt. Kirk is in
the same planet's colonial period. However, it's the former pair that has the most trying time.
Besides the freezing temperatures and sanctuary to be found only in caves, there is a third
inhabitant, the beautiful and so sexy Zarabeth (Mariette Hartley). As Spock spends more time in this
era, he slowly begins to revert to the behavioral patterns of his ancestors, feeling a natural
attraction to Zarabeth and throwing \"caution to the wind\" about ever leaving this place. Only with
Dr. McCoy's constant \"reminders\" does Spock hold on to some grasp of reality.

This stand
as one of the few times when the character gets to show some \"emotion\" and Nimoy (Spock) plays it to
the hilt, coming close to knocking the bejesus out of Deforest Kelly (McCoy). Surprising to previous
installment, Captain Kirk (William Shatner) wasn't allowed to get the girl, another plus for this
one.

Perennial \"old man\" Ian Wolfe assays the role of \"Mr. Atoz,\" the librarian
responsible for sending the trio into the past." ], [ "Let us begin by saying that this film's English title \"The Power of Kangwon Province\" is an absolute
misnomer.It is because in Hong Sang Soo's film,there are no actual shots of wars,troubles and
conflicts.So the idea of establishing power of a province is neither suitable nor valid in the
context of this film.If we were to judge this film by its Korean language title,\"Kangwon-do ui him\"
is going to appear as a cryptic statement about emotional turmoils of its young protagonists whose
minds are not at rest.Hong Sang Soo has also directed a highly prolific visual document about
erratic choices made by people in their lives.The people in question are a couple of young girls who
are constantly in the process of displaying their moods,whims and fancies. If making a film out of
nothingness can be claimed as a film maker's meritorious virtue then Hong Sang Soo has to be saluted
as a courageous film maker whose films speak volumes about ubiquitous nothingness of human
relationships,sentiments and lives.Whether one likes it or not,this is the only fair conclusion that
be deduced from this particular film." ], [ "I stopped short of giving \"Mr. Blandings Builds His Dream House\" 10/10 due to an aspect that makes
us in the 21st century cringe a little bit: the fact that a black person is the faithful servant
(somewhat reminiscent of Stepin Fetchit). But other than that, the movie's a hoot. Portraying middle
class New York couple Jim (Cary Grant) and Muriel Blandings (Myrna Loy) trying to build a house in
Connecticut, this flick has something for everyone.

Grant is his usual flippant self,
while Loy does quite well as merely a wife. But Melvyn Douglas adds some real laughs as Jim's and
Muriel's lawyer Bill Cole, who seems to have more plans than he's making clear. As for the house
itself...throughout most of the movie, you'll probably feel ambiguous as to whether or not you want
to live there. The builders, contractors, and others also provide their fair share of laughs./>
All in all, a comedy classic. Also starring Louise Beavers, Reginald Denny, Sharyn Moffett,
Connie Marshall and Jason Robards Sr." ], [ "A film to divide its viewers. Just criticism points at its funereal pace, over-used snap zooms and
persistent, lingering gazes between the protagonists. Advocates point to Dirk Bogarde's mighty
performance and Pasqualino De Santis' benchmark photography of Venice.

Taken altogether,
this might suggest an indulgent, romanticised elegy for the nobility of homosexual love (at a time,
1971, when it was becoming consensually legal). In fact Visconti has succeeded in making a richer,
more complex film than such a single-issue vehicle. He has knit his ideas - foibles and all - into a
meticulously paced arc.

Inside this does indeed sit the central performance of Bogarde's
Aschenbach. Rather than a simpering, Johnny-come-lately gay, he manages to give a pathetic composer
beaten by tragedy and misunderstood integrity who sees salvation in Tadzio. His mesmerised
staggering around an increasingly hellish Venice after the boy is a straight metaphor for the
artist's tenacity for truth in the teeth of the dilettante mob (and it is explicitly cut with such a
flashback).

Mahler's music is possibly a little over-used although it is well
appropriated. The Italian overdub is a wearing anachronism but thankfully the acting doesn't suffer
too much. 7/10" ], [ "of the films of the young republic few in number as they are The Buccaneer (1958)stands out as a
finely crafted film. Charleton Heston excels in his portrayal of Old Hickory's defence of New
Orleans with a thrown together force of militia, regulars and pirates promised a reprieve.
/>after Christmas 1814 peninsula veterans led by sir edward packenham, the duke of wellington's
brother in law bore down on the city of new orleans. andy jackson had a day to draw together a
scratch force to defend the city behind bales of hay.

Charlton Heston projects Jackson's
terrifying presence and awe inspiring power of command. Yet there are a few colorful comic relief.
With the might of the English lioness about to pounce, a young blond haired voluteer from New
Orleans asks: I guess the ruckus is about to start.

the battle was about to rage but not
for long. true to form the British marched straight into withering American fire. in less than a few
minutes an attempt to reconquer lost north American territories had been foiled.

the
battle scene in this movies lasts slightly longer than the actual battle itself.

there
are colorful side stories in this film of the young volunteer at his first dance to celebrate the
victory." ], [ "A hugely enjoyable screen version of Rona Jaffe's best-selling pot-boiler about the trials and
tribulations, (and, naturally, the loves), of a group of women involved in one way or another in the
New York publishing business. Directed by Jean Negulesco, fairly fresh from the success of \"Three
Coins in a Fountain\", and the prototype for the likes of \"Sex and the City\", except that here the
sex all takes place off-screen.

The bright young female talents of the day, (Hope Lange,
Diane Baker, Suzy Parker, Martha Hyer), are all nicely cast while Joan Crawford pops up as a Queen
Bitch of an editor who could probably eat Meryl Streep's Miranda Priestly and spit her out; with
absolutely no effort at all she steals the movie. The men include Stephen Boyd, Louis Jourdan, (if
it wasn't Rossano Brazzi it had to be Louis Jourdan), Robert Evans, (before he decided, wisely, to
go behind the camera) and Brian Aherne. There are more suds on display than you will find in your
average launderette but if, like me, you enjoy \"Desperate Housewives\", not to mention Carrie
Bradshaw and company then you will probably love this. A very guilty pleasure." ], [ "The dreams of Karim Hussain are to be feared. When the right hemisphere of his characters overpowers
the left, shocking images of blood, dismemberment, and various abominations are released. Religion
won't save you, nor will mother nature or your own family. Hussain's dark poetry, because that's
what this film really is, destabalizes all institutions of sanctuary.

`Subconcious
Cruelty' is a current crowd pleaser on the horror\\fantasy festival circuit. The film's opening
meditation on madness is both well written and profound. The protagonist's desire to profane the
birthing process which brought him into the hell he inhabits unfolds with horrific and credible
illogic. From here the film continues deeper into the subconcious and tackles mother nature. Hussain
offers depictions of lusty pagan fertility and writhing mushroom madness. Nature is exposed as
blood-drenched and violent in Hussain's frightening enlightenment.

`Subconcious Cruelty'
is disturbing to all and rewarding to those who see past the shock into the mature themes of life,
lust and madness this very worthy film explores. CJ Goldman deserves kudos for his special make-up,
as do David Kristian for unnerving sound design and Teruhiko Suzuki for score." ], [ "Jäniksen vuosi is one of Jarva's most political movies. It takes stance strongly against modern day
society's authority status in the life of the common man, and how it has estranged men from the
nature completely. It challenges the whole concept of freedom and wealth in our welfare society./>
Vatanen (Antti Litja) - smothered buy the concrete jungle with all its rules and regulations
- tries to rattle the chains of the society by escaping it all in to the wilderness of northern
Finland - only to realize that the concept of a 'free country' isn't all that unambiguous, in other
words, the society has the common man by the balls.

Still the thing that makes Jäniksen
vuosi so exceptional - besides the visual and humouristic brilliance - is how it seems to illustrate
the whole political atmosphere in Finland in the 70's, as well as the whole identity of Finland as a
nation. Vatanen is like an archetype of a classical finn in his solitudeness and social distantness.
Since nature has always played such an important role in the national identity of us Finns, the
whole idea of that being slowly taken away by the modern society makes Jäniksen vuosi emotionally
exceptionally moving." ], [ "(contains slight spoilers)

It's interesting how Anthony Mann uses James Stewart here.
Stewart is, of course, remembered by many as George Bailey from Frank Capra's \"It's a Wonderful
Life\", so it's easy to find parallels between the two films. In \"It's a Wonderful Life\", Bailey gets
to see the world as it would have been if he had never been born. In \"The Far Country\", Stewart's
Jeff Webster, by not getting involved to help anyone else (except himself), gets to see essentially
the same thing: A world in which he (for all practical matters) doesn't exist.

By not
getting involved (and by attempting not to care about anyone), Webster is forced to see those for
whom he can't help but care get hurt, pushed around, and even killed while he stands by and does
nothing. This reminds the viewer of George Bailey watching a world that has turned upside-down
because he has also decided not to get involved by not ever having been born.

Both
movies end with the same image - a close-up of a ringing bell. Stewart, by turning around his
philosophy of non-involvement, has, it would seem, earned his \"wings\"." ], [ "Based on an actual story, John Boorman shows the struggle of an American doctor, whose husband and
son were murdered and she was continually plagued with her loss. A holiday to Burma with her sister
seemed like a good idea to get away from it all, but when her passport was stolen in Rangoon, she
could not leave the country with her sister, and was forced to stay back until she could get I.D.
papers from the American embassy. To fill in a day before she could fly out, she took a trip into
the countryside with a tour guide. \"I tried finding something in those stone statues, but nothing
stirred in me. I was stone myself.\"

Suddenly all hell broke loose and she was caught in
a political revolt. Just when it looked like she had escaped and safely boarded a train, she saw her
tour guide get beaten and shot. In a split second she decided to jump from the moving train and try
to rescue him, with no thought of herself. Continually her life was in danger.

Here is a
woman who demonstrated spontaneous, selfless charity, risking her life to save another. Patricia
Arquette is beautiful, and not just to look at; she has a beautiful heart. This is an unforgettable
story.

\"We are taught that suffering is the one promise that life always keeps.\"" ], [ "In this approximately 34-second Thomas Edison-produced short, we see Annabelle Moore performing the
Loie Fuller-choreographed \"Serpentine Dance\" in two different fantastical, flowing robes.
/>Moore was one of the bigger stars of the late Victorian era. She was featured in a number of
Edison Company shorts, including this one, which was among the first Kinetoscope films shown in
London in 1894.

Loie Fuller had actually patented the Serpentine Dance, which Moore
performs here in robes (as well as entire frames) that are frequently hand tinted in the film,
presaging one of the more common symbolic devices of the silent era. Supposedly, the Moore films
were popular enough to have to be frequently redone (including refilming). The version available to
us now may be a later version/remake. Moore became even more popular when it was rumored that she
would appear naked at a private party at a restaurant in New York City. She later went on to star as
the \"Gibson Bathing Girl\" in the Ziegfeld Follies in 1907. She appeared there until 1912.
/>The short is notable for its framing of motion, which, especially during the \"second half\",
becomes almost abstract. It somewhat resembles a Morris Louis painting, even though this is almost
60 years before Louis' relevant work.

You should be able to find this short on DVD on a
number of different anthologies of early films." ], [ "This is a powerful film which seems to have never re-arisen after the Joe McCarthy censorship
period. It influenced me as a Jewish teen-ager who had friends of various colors and whose father's
family had suffered under the Fascist regimes in Europe during the second quarter of the Twentieth
Century. Unlike the later rip-off, \"On The Waterfront\" which seemed to take some of the same themes
and twist them to fit the enforced Hollywood political correctness of the time, it told its story
direct and with respect for the characters and for the reality it fictionally reflected. It was an
antidote to \"Gone With the Wind\", \"Birth of a Nation\", \"Triumph of the Will\" and so many other
glorifiers of hatred and violence. I would place it alongside the recent German film (also virtually
hidden in the US), \"Rosenstrasse.\"

I remember that the TV version, also black and white
in format as well as story, was blacked out by some stations because the black hero's wife appeared
white. As a young civil rights worker, it produced a conflict for me because on the one hand I was
opposed to smoking cigarettes and on the other opposed the boycott in Georgia of a sponsor of the TV
show, a major tobacco company (I no longer remember which one -- does anyone else?).

I
would love to find a CD of either the film or the TV show to let my sons see something that informed
my opposition to racism universally (as opposed to only fighting racism against Jews) and
recognition of the inherent connection between racism and militarism." ], [ "Although I lived in Australia in 1975, I moved overseas not long after, fed up with constant
industrial unrest, the general worship of mediocrity - unless one is a sportsman! - and the
complacency of so many Australians who chose to ignore the breakneck pace of change taking place in
countries to their north.

Consequently I missed The Dismissal, along with many other
Australian-made TV dramas of the '80s and '90s, such as the superb Janus and Phoenix series, which I
have since seen, along with Wildside.

To me the filmed story of The Dismissal is fair
and, as far as I am aware, accurate. However, as to public \"outrage\" it only shows one side of the
picture, not how families were riven by the controversy. I know, as my two brothers would not speak
to me for months afterward.

But the commentary is, in my view, very one-sided
throughout. The inescapable fact is that, notwithstanding fiery expressions of rage from a
substantial proportion of the community, the Australian electorate chose - and chose decisively - in
favour of Fraser, as they did again two years later.

This apart, a historically accurate
and superbly well acted docudrama." ], [ "There are a number of reviews that comment on the cast of this film. Suffice it to say that Alex
Cord plays a strong lead opposite Robert Ryan and Arthur Kennedy. What concerns me is that many of
you may not be aware of the (at least) two existing versions of this film. In the U.S. version Clay
McCord gains amnesty from Governor Lem Carter and then rides out of town redeemed. I agree that
ending is less than satisfying. However, in the original Italian cut Clay McCord rides out of town
(weaponless as he has turned in his pistols to the Governor) and is bushwhacked by the bounty
hunters that have been slowly depopulating the bandit town of Escondido. The Bounty Killers are
excited at the prospect of splitting the $10,000 reward but are disappointed to find McCord's
amnesty agreement in the corpses pocket. As they ride away one is heard to comment,\"If this amnesty
keeps up I'm gonna start hunting buffalo !\" . This alone takes A Minute To Pray...A Second To Die
and places it on an even playing field with movies like Keoma and The Big Gundown. As the end
credits say in the Italian cut \"FINE\"." ], [ "Five years on from the Tenko survivors returning home, and from Marion's double-edged \"Well that's
that\".

It's now 1950: reunion time. The gang's all here: Marion, Bea, Ulrica, Kate,
Dorothy, Christina, Dominica, and latecomers Maggie and Alice. The story that unfolds is a beaut: as
perfectly written and acted, and as thought-provoking and moving, as the original series.
/>All the questions left hanging at the end of the series are neatly answered here. From Marion's
family to Joss's health centre, everything has changed in five years, and not everything has changed
for the best.

A trip to Dominica's plantation brings plenty of shocks and some truly
edge-of-the-seat tension. There's a real sense of tragedy and disaster as, once again, fate takes
over and the women struggle for their lives. Dominica finally shows her true colours, and there are
some shout-at-the-telly moments of drama.

Lush location filming in Singapore, and an
opportunity to catch up with a group of women who feel like they have become friends. It's such a
shame that this really is the end. I could watch it all over again. Perfection." ], [ "I viewed my videotape last night, for the first time in at least ten years. I found the work itself
and the performances just as gripping as they were in my memory. George Hearn, of course,was the
master of the role of Sweeney; there is never a touch of softness in his determination to wreak
vengeance on those he believes caused his wife's death and his daughter's disappearance; at least
not until the end, when he discovers that his thirst for revenge has led him to murder his wife.
Angela Lansbury, on the other hand, creates a more complex portrayal, as Mrs. Lovett. She understood
that Sondheim wanted that role to be something of a \"comic\" counterpart to Sweeney; and even brings
some tenderness into her courtship of Sweeney and her nurture of the boy Tobias. For those with long
memories, this performance takes one back to her debut performances in The Picture of Dorian Grey
and Gaslight; long before Murder, She Wrote. Only a year ago I saw the musical at Lyric Opera of
Chicago. with current opera superstar Brynn Terfel as Sweeney. Others have commented on the operatic
quality of the score. My conclusion is that \"Sweeney\" works better with actors who can at least
handle the vocal lines, than with opera performers who have limited acting skills. As a final note,
I commend the performer who portrayed Tobias. with his mixed loyalties and confusion about what is
going on around him. It seemed appropriate that he had virtually the last word." ], [ "The apolitical musicians Eva (Liv Ullmann) and Jan Rosenberg (Max von Sydow) have been married for
seven years and live in a small farm in a remote island to escape from a civil war in the continent.
They provide lingenberry to a couple of costumers to raise some money and buy some supplies. They
love each other and Eva is twenty years old and wants to have a baby but the reluctant Jan, who is a
weak and sensitive man, does not want to have children. When the rebels arrive in the island, their
peaceful and calm lives turn to hell, and they get in the middle of accusations from both sides.
When Colonel Jacobi (Gunnar Björnstrand) stalks Eva, Jan changes his behavior and becomes a brutal
man, and the love and affection they feel for each other change to hatred and indifference.
/>\"Shame\" is an antiwar movie by the master Ingmar Bergman focused by the eyes of a couple of
artists that are apolitical and does not listen to the news, but when the war arrives to their
lands, they have their love, friendship and affection destroyed by the senseless soldiers. Liv
Ullmann and Max von Sydow have top-notch performances as usual and I do not recall seeing the breast
of Liv Ullmann in any other movie. The process of brutalization of the pacific and sensitive Jan
Rosenberg by the war is impressive and the bleak open conclusion is pessimist and adequate to the
dramatic story. My vote is nine.

Title (Brazil): \"Vergonha\" (\"Shame\")" ], [ "Although George C. Scott is the only actor in this version of ACC without a British accent, he more
than makes up for it with his over-the-top and larger-than-life interpretation of Ebenezer
Scrooge.

Particularly effective is when he confronts Bob Cratchit in his office at the
movie's end. As Scott stands before a large window, sunlight casts a glowing mantle over him; all
you can see is his silhouette. Augmented by Scott's voice, a ponderous growl, the effect is
galvanizing...much like Marlon Brando's first scene in APOCALYPSE NOW. \"The Horror,\" indeed! />
However, as they say, the very thing that works for you can also work against you. Because
Scott displays such gleeful ferocity throughout the movie, it proves infectious. To put it another
way, the \"before\" Scrooge is almost as charismatic as the \"after,\" even though he really shouldn't
be. It's what you might call the \"Doctor Smith\" effect, since Jonathan Harris used a very similar
approach when playing that role and numerous other heavies (stage and screen alike).
/>Actually, I myself don't consider Scott's glib rage a liability. But other \"Christmas Carol\"
purists might. See the film and judge for yourselves." ], [ "This is the last Dutch language film Paul Verhoeven made before going on to make mainstream
Hollywood films \"Basic Instinct,\" \"Robocop,\" and \"Total Recall,\" among others. He sets the stage by
opening this story with a black widow spider catching prey in her web before we meet Gerard Reve, an
annoying self-centered writer with a morbid imagination. Gerard has been invited to be the guest
speaker at a Literary Club meeting in sea-side town an hour or so from Amsterdam. Verhoeven lets us
have glimpses of how Gerard's imagination twists reality. Asked if writers are a bit close to
insanity he admits when he reads the newspaper \"and it says 'boom' I read 'doom,' when it says
'flood' I read 'blood,' when it says 'red' I see 'dead.'\" When he tells a story enough times he
begins to believe it; \"I lie the truth.\" He accepts an offer to be the overnight guest of the Club
treasurer, a beautiful wealthy salon owner. As he gets to know her and learns her husband has died,
he begins to imagine she is 'a black widow.' Is this his more of his reality twist or is she a
murderess? This is a psychological drama and in recounting which of these old films have stuck in my
memory, I figured out is my favorite gender. Looking at his body of work it is seems to be Paul
Verhoeven's too, and he is a master in making us question our own understanding of reality. It's a
nice change of pace from the usual Hollywood fare. I saw it in 1983 and it is a film that \"stuck.\"" ], [ "\"Tale of Two Sisters\" has to be one of the creepiest films I've seen recently. In the end there is
no actual supernatural element, despite what one is led to expect throughout the film. The story
seems to be about two sisters, who, upon returning to their father's home after some sort of absence
(later revealed to have been a stay in a mental institution) are forced to deal with not only a
seemingly schizophrenic and possibly bi-polar stepmother who lashes out at the younger of the girls
when the mood strikes her and cheerfully tells them she's prepared a special dinner at another
time., but some presence as yet unexplained. It is later revealed that the younger sister is dead,
and exists only in the troubled minds of her older sister, who was unable to save her, and her step-
mother, who was callous enough to let her die. Much about the specifics of the strange family is not
revealed in the film, but it definitely leaves a viewer with a creepy feeling and a nagging hint of
confusion. Definitely not light viewing; watch this one when you really want to think about what
you've seen. It's a hell of a puzzler." ], [ "The \"Amazing Mr. Williams\" stars Melvyn Douglas, who did five films in 1939, one of which was
Ninotchka with Garbo. His co-star was Joan Blondell (Maxine), who ALSO did five films that year,
THREE of which they made together! Douglas is Lt. Williams, and he and his co-horts are presented
with a dead body, and they must figure out what really happened. Viewers will recognize his co-
workers - the actors (Clarence Kolb, Donald MacBride, Don Beddoe) always played positions of
authority... senators, bank presidents, policemen. This who-dunnit has a flair of comedy to it --
the policemen are always throwing jabs at each other, and even Williams and his girlfriend are
battling verbally. Some fun gags - Williams even takes the man they arrested along on a date with
his girlfriend. There's a lot of fun stuff in here, so get past the slow beginning and wait for the
funnier stuff later on. Don't want to give away any spoilers, so you'll have to catch it on Turner
Classic Movies. Director Alexander Hall made mostly comedies, and was reportedly engaged to Lucy at
some point." ], [ "Skip McCoy (Richard Widmark) pick-pockets Candy's (Jean Peters) wallet which contains an important
microfiche that is intended for the Communist cause. She is being followed by 2 federal agents that
are waiting to pounce once she hands the microfiche over to her contact. However, Skip steals the
purse on the subway under everyone's noses and so starts a hunt for him by both the police and Joey
(Richard Kiley) and Candy who want the microfiche back. Skip can only be traced through Moe (Thelma
Ritter) who sells information on criminals. It is made clear to Skip that what he has stolen is
important and both sides want the film, but he intends to hold out for a high price. This leads to
Joey hunting after him and a conflict between Joey and Jean, who has fallen in love with Skip. Joey
has a deadline to deliver the microfiche to his boss.

Its a well-acted film and it has a
good beginning that gets you involved straight away. Its a bit unrealistic how Jean Peters
immediately falls in love with Widmark, but this point is necessary as otherwise why would she later
hold out from Joey. Its a good film." ], [ "Following a sitcom plot is so mindlessly easy that having her character simultaneously operate both
within and without the context the rest of the cast inhabit is the kind of experimentalism that
sitcoms could really use. The supporting characters ground the show in a sitcom reality which
provides a contextual counterpoint to Sarah's erratic persona which, beyond general insensitivity,
has no specific recurring traits for behavioural expectations to be based on, making her less a
character than a canvas to be repainted in every episode if not scene. Sarah's ability to see
everything from an outside perspective enables her to parody aspects of social behaviour that are
subtle enough to usually go unnoticed. Every time she speaks it's like a self-contained 5 second
skit. She overemotes a lot, demonstrating the countless things a smile or change in vocal pitch can
signify, but never sticks with one idea long enough for you to get comfortable and form expectations
that will be satisfied. This may be the most creative, original and experimental TV program ever." ], [ "Absolute grabber of a movie, and given its age, years ahead of its time. I first saw this the week
my dad came home with a neighbor's TV, that the guy had thrown on the scrap heap. A tinkerer with
all things electrical, dad had it working inside two days. This was July 1955...and then probably
only the third house in the street to HAVE television! Pretty much the first thing we ever saw on
that grainy and flickering old 12-inch screen was THIS film. \"It's pretty OLD dear,\" I recall my mom
telling me!

Almost 50 years on, and it doesn't seem any older - rather like World War I
in that respect! Terrific little fantasy about a London omnibus carrying thirteen passengers, that
crashes, killing one of their number. Then, in flashback we pick up on the lives of these people and
what brought them to being on this bus that very day.

Returning to the crash at the end
of the film, the victim's identity is revealed, perhaps the inspiration behind the 1960 movie THE
LIST OF ADRIAN MESSENGER.

If ever you come across this little gem, I suggest you watch
it!" ], [ "After the success of the first two 'Godfather' films in 1972 and 1974 respectively, Francis Ford
Coppola embarked on an ambitious attempt to bring home the reality of the war in Vietnam, which had
concluded with the fall of Saigon to the Vietcong in 1975… The plot was loosely based on the book
'Heart of Darkness,' a story by Joseph Conrad about Kurtz, a trading company agent in the African
jungle who has acquired mysterious powers over the natives…Coppola retains much of this, including
such details as the severed heads outside Kurtz's headquarters and his final words, \"The horror… the
horror…\"

In the film, Sheen plays an army captain given the mission to penetrate into
Cambodia, and eliminate, with \"extreme prejudice,\" a decorated officer who has become an
embarrassment to the authorities… On his journey up the river to the renegade's camp he experiences
the demoralization of the US forces, high on dope or drunk with power…

Although, as a
result of cuts forced on Coppola, the film was accused of incoherence when first released, it was by
the most serious attempt to get to grips with the experience of Vietnam and a victorious reinvention
of the war film genre… In 1980 the film won an Oscar for Best Cinematography and Best Sound… />
\"Apocalypse Now\" was re-released in 2001 with fifty minutes restored… As a result, the
motion picture can now be seen as the epic masterpiece it is…" ], [ "The material in this documentary is so powerful that it brought me to tears. Yes, tears I tell you.
This popular struggle of a traditionally exploited population should inspire all of us to stand up
for our rights, put forth the greater good of the community and stop making up cowardly excuses for
not challenging the establishment. Chavez represents the weak and misfortunate in the same way Bush
is the face of dirty corporations and capitalism ran amok. Indeed, Latin America is being reshaped
and the marginalized majority is finally having a voice in over five centuries. Though, in the case
of Mexico, the election was clearly stolen by Calderon. Chavez is not perfect, far from it. He's
trying to change the constitution to allow him to rule indefinitely. That cannot be tolerated.
Enough with the politics and back to the movie; The pace is breath taking at moments, and deeply
philosophical at others. It portrays Chavez as a popular hero unafraid to challenge the US hegemony
and domination of the world's resources. If you think the author is biased in favour of Chavez,
nothing's stopping you from doing your homework. One crucial message of the film is questioning info
sources, as was clearly demonstrated by the snippers casualties being shamefully blamed on Chavez's
supporters. Venezuela puts American alleged democracy to shame. Hasta la revolucion siempre!" ], [ "_Waterdance_ explores a wide variety of aspects of the life of the spinally injured artfully. From
the petty torments of faulty fluorescent lights flashing overhead to sexuality, masculinity and
depression, the experience of disability is laid open.

The diversity of the central
characters themselves underscores the complexity of the material examined - Joel, the writer,
Raymond, the black man with a murky past, and Bloss, the racist biker. At first, these men are
united by nothing other than the nature of their injuries, but retain their competitive spirit. Over
time, shared experience, both good and bad, brings them together as friends to support one
another.

Most obvious of the transformations is that experienced by Joel, who initially
distances himself from his fellow patients with sunglasses, headphones and curtains. As he comes to
accept the changes that disablement has made to his life, Joel discards these props and begins to
involve himself in the struggles of the men with whom he shares the ward.

The dance
referred to in the title is a reference to this daily struggle to keep one's head above water; to
give up the dance is to reject life. _Waterdance_ is a moving and powerful film on many levels, and
I do not hesitate to recommend it." ], [ "I was amazingly impressed by this movie. It contained fundamental elements of depression, grief,
loneliness, despair, hope, dreams and companionship. It wasn't merely about a genius musician who
hit rock bottom but it was about a man caught up in grief trying drastically to find solace within
his music. He finds a companion who comes with her own issues. Claire and Des were able to provide
each other with friendship and love but more importantly a conclusion to events which had shaped
their life for the worst.

Des is an unlikely character by todays standards of a rock
star. Yet he has musical genius. He also has an event in his past that has made him stagnate, while
things around him literally go to ruins. His focus is creating his Whale Music, in fact it becomes
an obsession for him.

Claire is the streetwise kid that needs a place to stay. She finds
hidden talents while being in Des company. She also finds a mutual friend that accepts her. She
learns to trust him over a period of time.

These two find love with one another. Not the
mind blowing, sex infused kind of passion, but a love where friendship and understanding means more.
For two people who have been hurt, they find trust together." ], [ "Superb comic farce from Paul Mazursky, Richard Dreyfuss, plays Jack Noah a fairly successful actor-
who is On location shooting a film in a fictitious Latin American banana republic Parador,Ruled by
the Fascist, Alfonse Sims who unfortunately has succumbed of a heart attack after indulging in too
many local cocktails! Raul Julia plays the oily chief of police who forces the reluctant Noah To
impersonate the Just deceased dictator who Noah bears a remarkable resemblance, Sonia Braga plays
the dictator's glamorously lusty mistress, who gives Noah a few lessons in how to 'act' like a
dictator, Jonathan Winter's literally rounds off the cast as a CIA man In Parador posing as a
hammock salesman. Can Noah win over the people of Parador? and hold off the rebels? And give the
performance of a lifetime without losing his in the process? Sammy Davis Jnr,has a cameo as himself
who amusingly croons the national anthem of Parador as well as Begin the Beguine, Frog Number
one(Fernando Rey pops up as a kindly servant, Charo is also on hand as A busty maid, The score by
Maurice Jarre,is excellent." ], [ "JAMES STEWART plays an FBI agent who began working with the agency before it was called the FBI and
the story involves dealing with the Ku Klux Klan, the Prohibition Era gangsters, World War II German
and Japanese spies, etc. A continuously interesting picture covering 40 years of history; far
superior to any films being made these days.

Of special interest to older viewers
familiar with Washington, DC. In a scene about 20 minutes into the movie --- where James Stewart
finds out from Vera Miles that she's expecting their first child --- the scene was filmed in
Herzog's Seafood Restaurant on the former Washington waterfront, the only movie in which this
historic location appears. Shortly after taking office, President Kennedy decided that Southwest
Washington, a 99% Black neighborhood, was an eyesore and ought to be torn down. By decree befitting
his position of undisputed royalty, the entire area, including the popular waterfront restaurant
district, but excluding 3 historic churches; was reduced to rubble. Black residents evicted from
their homes relocated as best they could, and without Federal assistance; likewise businesses were
simply put out of business, few re-locating. Restaurant Row was converted into a sidewalk, and
Washington had no waterfront (restaurants, seafood stands, boats, etc) for about 10 years. As a
lifetime resident, the Herzog Restaurant scene was our #1 reason to see this fine movie again." ], [ "Du rififi chez les hommes is a brilliant film which studies criminal minds and allows viewers to
have a better understanding of criminals who are fundamentally not different from ordinary folks
like us.What director Jules Dassin shows is that criminal do have families and they care a lot for
them.That is why they adhere to a strict code of honor. For them a family is not only made up of
wives,mistresses and children but also include casual acquaintances and close friends.Contrary to
what many might find it hard to believe,Jules Dassin has not tried to glorify crime in his film as
rififi makes it clear that crime never pays.It shows that all kinds of bad activities result in some
kind of human loss.Apart from its philosophical stance Rifif is worth watching for its technical
finesse.While watching one of the film's most brilliant sequences about breaking of a safe,one would
find it hard to believe meticulous precision with which criminal minds execute their plans.This is a
scene which nobody has dared to copy in Hollywood." ], [ "A crackling and magnificent thriller about a child psychiatrist, Catherine Deane (Jennifer Lopez)
who is desperately urged by two FBI agents, Peter Novak (Vince Vaughn) and Gordon Ramsey (Jake
Weber) to use her therapy on Carl Stargher (Vincent D'Ofornio), a serial killer who (uses strange
and horrifying torture tactics) is found in a coma by the feds. What Novak wants in return from
Deane is whereabouts of Stargher's latest victim is and if she's alive. Once Deane gets into
Stargher's mind, which has the appearence and atmosphere that resembles a colorful combination of
David Lynch's \"Dune\" or \"Blue Velvet\" and Wes Craven's \"A Nightmare on Elm Street\", the adventure
begins. Deane sees a variety of odd people ranging from Carl as a youngster (an adorable Jake
Thomas) to a Freddy Krueger-like man minus the razor claws. I don't want to give away the ending,
but the movie is great altogether besides the dynamite performances, Howard Shore's creepy musical
score and directing (by Tarsem, who shows here that he can direct)." ], [ "Televised in 1982, from a Los Angeles production, this is probably the finest example of a filmed
stage musical you are likely to encounter. Issued on DVD in 2004 in a remastered digital transfer,
it is quite stunning. Hearn and Lansbury give the performances of their lives and the rest of the
cast are quite obviously caught up in the electricity generated. Of course it is Sondheim's music
and lyrics that make this possible. If anyone doubts that he is one of the \"greats\" of the American
Musical form listen to this. The sets are stark, as befits the plot, and clever in allowing the
swift scene changes required and the cameras catch the action without obliterating the fact that
this is a stage production. A central, move-able and revolving platform is Mrs. Lovett's pie shop,
with the barber's shop upstairs. Around it are various gantries and moving stairs to allow the rest
of the action to take place. The brutal tale of injustice leading to revenge, murder and mayhem is
liberally spiced with dark humour and comic moments. Sondheim does for barber shops what Hitchcock
did for showers ! An important work in American musical theatre is here given an electrifying
performance." ], [ "This movie is not about the soda nor is it quite the French Connection.

The Seven Ups are
a group of elite policemen that use tactics not in accordance with protocol of the NYPD. Scheider
heads the group with his posse or regular looking joes. They are running surveillance on a local
costra nostra cartel and things go awry when a cop's wire is found out.

Meanwhile,
Richard Lynch, the most evil looking man in film (Invasion:America, Little Nikita) and his partner
end up killing the cop by accident and escape from Scheider in the coolest chase scene I've seen,
Bullitt and French Connection are not as good as they one up the West Side to the George Washington
and onto the Palisades Parkway in New Jersey.

The stunt drivers are terrific and Lynch
makes it away free though he looks scared witless from the dangerous trip. Roy Scheider is nearly
killed when his car slams into the abutted rear of Mack truck ripping the roof of his vehicle off.


Things come to a head and one has to keep watching to follow up on such a sequence.
Quick moving and intense, fresh for a thirty years." ], [ "As has already been noted, the short film \"Every Sunday\" (1936) could be considered the first music
video. This was a happy accident resulting from MGM's need to crank out a variety of short films for
exhibit with its feature length material. They had a couple fresh young singing talents (Judy
Garland and Deanna Durbin) available and essentially slapped together a blend of music styles in a
kind of Norman Rockwell concert in the park setting.

Who would have dreamed at the time
that they would capture the best collection of images since Eisenstein's \"Odessa Steps\" sequence.


It's Sunday with some inattentive folks sitting around a small wooden band shell in the
park while a tired looking ensemble play Strauss. Events unfold and the next Sunday Judy and Deanna
save the day. The operatic Deanna sings \"Il Bacio\" (The Kiss) and Garland follows with the
contrasting \"Waltz with a Swing\". The climax nicely blends the two styles into a duet of
\"Americana\".

A must see.

Then again, what do I know? I'm only a child." ], [ "Two horse traders arrive in a town and meet up with the leader of a group of Mormons who are bound
for a valley where they can settle and live in peace. The scenes of the corral in the town where
Ward Bond and Ben Johnson negotiate prices, and Bond introduces the idea of them (Johnson and his
partner played by Harry Carey Jr.) leading the train to this valley, are some of the best in the
film, as Johnson, a real cowboy, whittles a piece of wood while he banters with Bond. Once on the
trail they come upon Joanne Dru, who maybe John Ford saw in Red River, and offered her a much better
part in this film. In the Morman train are a number of notable characters. The Mormans are a
peaceable group who are challenged along the way by a truly lowlife group of outlaws. In their case
(the outlaws), in the case of the people on the train, and later a band of Navajos whom they
encounter, and in the well written characters played by Ben Johnson and Ward Bond, the film
completely evades stereotypes, while the camera seems to spend as much time giving the viewer the
big picture of Monument Valley framing the train as it moves along with a few water crossings along
the way, in stunning black and white and then coming back to what's happening in this rolling
community, all to the accompaniment of the beautiful vocalizations of the Sons of the Pioneers." ], [ "This 1986 Italian-French remake of the 1946 film of the same name turns up the heat early, and
doesn't let us come up for air. The story is about a high-school student (Federico Pitzalis) who
can't keep his eyes off the mysteriously beautiful young woman (played by Dutch phenom Maruschka
Detmers) who lives next door to the school. One day, he follows her, and his persistence pays off.
There's only one problem: She's engaged to a sketchy character (Riccardo De Torrebruna) who may or
may not have committed a heinous crime, and if he repents, will probably be let off with a slap on
the wrist. Also, the young woman is a little \"funny in the head\", and this is corroborated when we
discover she has been seeing the boy's father, who is a psychiatrist. Giulia's emotional instability
is only equalled by her prodigious sexual desires. Hot, hot, hot, from the word go, with handsome
leads and a bombshell performance from Detmers, who plays us like a yo-yo (as she does the boy) from
scene to scene, with enough suspense to keep us guessing right up until--and even after--the end.
Available in R and X (!) rated versions." ], [ "If you believe that any given war movie can make you really feel the war, you need to see \"Letyat
zhuravli\" (called \"The Cranes are Flying\" in English). It tells the story of Veronika (Tatiana
Samoylova) and Boris (Aleksey Batalov), who are in love on the verge of WWII. They are walking along
the waterfront, watching the cranes fly by, when the war starts. Boris is promptly sent off to war.
Veronika hides out with a family and ends up marrying the son, whom she does not love. Boris,
meanwhile, continues trotting through the countryside, fighting the Nazis and experiencing all the
horrors of war, until he he runs out of energy. When Veronika - working in a military hospital -
receives this news, she refuses to accept it, until Boris' body arrives home on one of the trains.
Simultaneously, the radio announces that Germany has surrendered and the Allied Powers have won the
war; the Soviet Union lost 27 million citizens, but it's the start of a new era.

This
movie did a very good job showing the human impact of the war not only in the battlefield, but also
how it affected the civilian population. This is definitely a movie that everyone should see." ], [ "This movie brought together some of the old Spinal crew for another mockumentary film, this time
revolving around the world of the Dog Show, how their owners prepare and train for the show before
moving on to the show itself.

We meet several teams as they hope to win the top prize-
The Fleck's, Cookie who seems to have slept with every man ever, and Gerry who tries to cope with
his wife's old escapades and the fact that he literally has two left feet. Harlan, whose dog talks
to him, and enjoys ventriloquism. The Swan's who have taken far too much coffee and scream at each
other. Donalan and Vanderhoof the gay couple, and Cabot and Cummings who have won the last two
years. Fred Willard commentates on the show, and is very funny as always. Funny scenes include the
'Look at me!' scene, and any with Levy. Unfortunately some of the best scenes were deleted or filmed
later- Willard interviewing Leslie Cabot, and the alternative epilogue with Gerry is one of the
funniest things i have ever seen. If these had been included, i would give the film an extra mark.
But...

7 out of 10" ], [ "This movie is basically a documentary of the chronologically ordered series of events that took
place from April 10, 2002 through April 14, 2002 in the Venezuelan Presidential Palace, Caracas
Venezuela.

The pathos of the movie is real and one feels the pain, sorrow and joy of the
people who lived through this failed coup d'etat of President Hugo Chavez.

One comes away
from viewing this film that Hugo Chavez is truly a great historical figure. Hugo Chavez's persona
single-handedly brought the Venezuelan people to overthrow the 3-day old military-installed junta
and re-establish the democratically installed government of Venezuela.

It is obvious from
the film footage that George W Bush aided and abetted the Venezuelan coup d'etat. That the
mainstream media aided and abetted George W Bush is not surprising.

What is surprising is
how few people has seen this movie and how few people realize the total corruption of America's mass
media.

It has taken only 20 years for Ronald Reagan elimination of the Fairness Doctrine
in 1986 to turn America into blind and rudderless state.

May Hugo Chavez open patriotic
Americans' eyes to the truth and beauty of the true American vision." ], [ "That was one of the lines in a trailer about this film and for once the publicists did not
exaggerate. All six of the featured players here are on the screen 99% of the time, so they have to
be good.

It's always fascinating how certain plot premises can be worked for either
highballing comedy to a deadly serious situation. Mary Boland of the ditzy and Charlie Ruggles of
the henpecked play their usual characters who are planning to motor all the way to California. To
share expenses they advertise for someone to share the ride. They get Burns and Allen and a monster
of a dog. That same premise was a deadly serious one several generations later in Kalifornia./>
Of course if you're traveling with Gracie Allen you know you're going to be going absolutely
nuts trying to figure her Monty Pythonesque reasoning about the whole world. And if that ain't
enough you get to run into W.C. Fields, part time sheriff and full time pool hustler who's living in
sin with Alison Skipworth. But back then we didn't delve into such things.

A real classic
comedy from the thirties, not to be missed." ], [ "For those of you who are not aware with the theme that Kusturica continues to explore intermittently
in his films--the Western assault on traditional Serbian values--it will be impossible for you to
understand his narratives. This continuous theme, expressed through fantasy and outrageous comedy as
its vehicle, is one that Kusturica has elected to mandate. Since his fantastic work and Magnum Opus
'Underground', Kusturica's films' 'Black Cat White Cat', 'Life is a Miracle', and recently with
'Promise Me This', his slapstick, carnivalistic style underscores the 'westernization' of Balkan
culture, its ambivalent arrival and assault on the traditional idiom. In the case of 'Promise Me
This', the paradoxical world of city (urban space) and village (traditional idiom) space are
contrasted. The world of the city reflects western attributes that have ensconced the spatial and
temporal setting; organized crime, sexual exploitation, a ruptured sense of identity and vehement
disregard for traditional values--as expressed toward the young kid--villager. The end of the film
further exemplifies this notion as we observe a funeral mass and wedding on a one-way dirt road.
They are on a collision coarse; appropriately, the wedding, which represents the lifeline and pulse
of the village, i.e. traditional values, are about to collide with the funeral mourners,
exemplifying the death of tradition within this context. Yet Kusturica brilliantly examines this
theme through his own unique, stylistic singularity. With his outrageous and flamboyant style
serving as a vehicle in its portrayal." ], [ "\"Hotel du Nord \" is the only Carné movie from the 1936-1946 era which has dialogs not written by
Jacques Prévert,but by Henri Jeanson.Janson was much more interested in the Jouvet/Arletty couple
than in the pair of lovers,Annabella/Aumont.The latter is rather bland ,and their story recalls
oddly the Edith Piaf's song \"les amants d'un jour\",except that the chanteuse's tale is a tragic
one.What's fascinating today is this popular little world ,the canal Saint-Martin settings.
/>This movie is dear to the French movies buffs for another very special reason.The pimp Jouvet
tells his protégée Raymonde he wants a change of air(atmosphère) Because she does not understand the
meaning of the world atmosphère,the whore Raymonde (wonderful Arletty)thinks it's an insult and she
delivers this line,that is ,undeniably,the most famous of the whole French cinéma:

In
French :\"Atmosphère?Atmosphère?Est-ce que j'ai une gueule d'atmosphère?\" Translation
attempt:\"Atmosphere?atmosphere?Have I got an atmosphere face? This is our French \"Nobody's perfect\"." ], [ "A young solicitor in sent to a remote area to wrap up the estate of a recently deceased client. When
he arrives he finds that he is made less than welcome by the local villagers and that his deceased
client was not liked. To speed things up he decides to move from the local inn and take up residence
in her home, a house that is usually fogbound and approached only by a causeway that is blocked off
by the sea most of the day. Once there he sees visions of a woman in black, is she real or
imaginary,he is also subjected to the blood curdling cries of a woamn and child apparently drowning
in the marshes, these events take their toll on him and he soon becomes quite terrified. Atmospheric
TV adaptation of a famous play by Susan Hill, that spends it first third building up its characters,
before moving to the creepy country house, its poor colour contrast give away its TV roots
immediately, this really should have been in black & white, but still as a ghost story it had a
couple of unsettling moments, still though after waiting so long to see it I must say I was sadly
just a little underwhelmed." ], [ "If you still remember that summer when you had your first kiss, first boy/girlfriend, or first puppy
love fling...this film is for you! OK so this movie would and will never win an Oscar BUT as a
Dominican I loved it...there are some things in the movie that might just go right over your head if
you are not part of the culture...the kids being raised by a grandma who's both mother and father,
the youngest son being babied and bathed with a Cafe Bustelo tin (sooo Dominican!), Judy being
harassed by the neighborhood men, going to church and lighting a prayer candle...the film's
brilliance was in those small details. Granted, it was not a pull out all the works cinematic
extravaganza but it wasn't meant to be NOR was it meant to be an educational tool for those wanting
to learn about Latin culture ( tip: make new friends instead). More of a bitter-sweet, faux-
cumentery, this film kept it real without taking itself too seriously. As in the tradition of \"Y Tu
Mama Tambien\" this was simply one boy's coming of age tale. I recommend it (especialmente si eres
Dominicano!) =o)" ], [ "Three flash-backs introduce the main characters (Abu, Jaffar, and the Princess) who will interact
with Ahmad; three are the songs, each linked to those same characters. Three times does Ahmad
pronounce the absolute word 'Time', in his declaration of love to the Princess, answering her three
questions at their first of three meetings. So strong is the impression he causes, that the Princess
will resist the three attempts by Jaffar to conquer her - by three successive ploys: deceit,
hypnosis, and memory erasing. Yet, Jaffar owns what he describes as the three inescapable
instruments of domination over a woman: the whip, the power, and the sword. Three is the number of
flying entities: the mechanical-horse, the Genie, and the The Genie and the magic carpet. The Genie
offers three wishes to Abu at their first of three encounters; three times does the Genie laugh loud
in the mountain gorges, and three are his considerations about human frailty, before he departs. Abu
overcomes three obstacles in the Temple of Dawn (armed guards, giant-spider, and giant-octopus).
Three are the instruments of justice: the magical eye that shows Abu the future, the magical carpet
that transports him just in time to save Ahmad and the Princess, and the bow-and-arrow to execute
Jaffar. There's magic in the number three, and there is magic in this movie." ], [ "I was in my mid teens when I saw this movie, and I was struck by the beauty of the young stars as
well as the loving cinematography and the simple sweetness of the story. It amazes me to learn that
Alvina has recently died, that Bury apparently has not worked in the film business for almost 30
years, and that both would be in their 50s.

The Elton John soundtrack is amazingly
beautiful and supports the air of protected innocence the characters experience in seclusion. I have
seen the movie poster, billing it as \"Deux Enfants Quis'Aiment,\" which apparently means something
like \"Two Children Who Like Each Other\"--the English language distributors were wise to abbreviate
the title!

Paul, the ignored 15-year-old son of an English businessman living in Paris,
meets Michelle, an orphan, at the zoo. The two take what they intend as a day-long holiday to
Michelle's late father's rural cottage, but end up staying there for a year, isolated from the
outside world. They fall in love, Michelle gets pregnant, and they have the baby alone at home.
After the baby's birth, the police come to Paul's work place and take him away.

\"Blue
Lagoon\" comes to mind as another film that almost captures the theme of innocence protected in an
isolated paradise. So sad that \"Friends\" has never been released on DVD." ], [ "In my work with the only nationwide non-profit organization, Security On Campus, Inc. dedicated
exclusively to the issue of college campus crime prevention and student awareness I see all too
often the type of campus violence and `cover-up' through secret campus courts portrayed in the movie
`Silencing Mary.' In fact we receive numerous calls and requests for information every month from
campus reporters such as `Mary' who are facing similar situations.

Its depiction of a
campus rape and the subsequent crusade by `Mary,' the victim's roommate and a student journalist
played exceedingly well by Melissa Joan Hart, for justice was very well done and accurately
researched.

This was the first television movie that I have ever seen that I felt truly
reflected and encompassed all of the various complex issues associated with how rape and other
violent crimes are dealt with on our nation's college and university campuses. Although it would not
be possible to address all of these issues in depth in 2 hours, this movie comes closer than any
others I've seen." ], [ "Very literate, intelligent drama about a group of international travelers held virtual prisoners in
the Hungary of 1956 by invading Russian Communist regime. Kerr and Robards play lovers, she a
British baroness, he a Hungarian freedom fighter trying to do his bit for his country. Other New
York theater stars of the period Anne Jackson & E G Marshall play an American couple traveling with
their two young sons, including Ronny Howard in his screen debut. Jackson's character is hugely
pregnant and not anxious to give birth in a soon-to-be communist country; she gives an impassioned
plea in the third act of this film which presages the naturalistic acting styles we've come to know
today from Redgrave, Fonda, & Streep. Leading the pack of Soviet wolves is Yul Brynner, magnificent
as a commandant and at his sexiest since he played opposite Kerr in \"The King and I\". He is mean and
nasty and terribly conflicted by his attraction to the lovely, patrician, & heroic Kerr. This is one
of the great transition films of the latter part of the Golden Era of American film. Do not miss it." ], [ "\"Dance, Fools, Dance\" is an early Crawford-Gable vehicle from 1931. Crawford plays a Bonnie Jordan,
a wealthy young woman whose life consists of parties, booze, and stripping off her clothes to jump
from a yacht and go swimming. This all ends when her father dies and leaves her and her brother
(William Blakewell) penniless. Bonnie gets a job on a newspaper using the name Mary Smith; her
brother goes to work for bootleggers. The head man is Jake Luva - portrayed by Clark Gable as he
plays yet another crook. Later, of course, he would turn into a romantic hero, but in the early
'30s, MGM used him as a bad guy. Not realizing that her brother is involved in illegal activity,
Bonnie cozies up to Luva.

Gable and Crawford made a great team. Her facial expressions
are a little on the wild side, but that, along with her dancing, is one of the things that makes the
movie fun. Look for Cliff Edwards, the voice of Jiminy Cricket, as Bert.

It's always
interesting to see the precode movies, and \"Dance, Fools, Dance\" is no exception." ], [ "With rapid intercutting of scenes of insane people in an asylum, and montage/superimposition of
images, and vague, interwoven narratives, this is a very hard movie to follow. Apparently a man
(Masue Inoue) takes a job as a porter or janitor in an asylum so he can be near his imprisoned wife,
and maybe to rescue her. But she's clearly mad, huddled on the floor, with a vacant expression much
of the time and fear, misery, and confusion written on her face the rest of the time. The film-maker
switches to her point of view sometimes, and we see vague images of her at the side of a pond
drowning a baby, or clutching at a drowned child. She's tormented by something. When the point of
view shifts to her or other mad folks, the filmmaker uses distorting lenses and such things, showing
us what mad people see and then how they react. And the place is swarming with mad folks, laughing,
hiding, and in one case dancing frenetically night and day. At one point the man tries to take his
wife outside, but the night outside the door terrifies her and she runs back to her cell. Gradually
the man slips into a nightmare in which he's interrupted in another attempt to steal her away, and
he kills the doctor and many attendants, and all the while the mad folk laugh and applaud. When he
wakes he is relieved, and mops the floor. Some fascinating shots of Japanes life, streets, buildings
in the 1920s." ] ], "fillcolor": "rgba(255,255,255,0)", "hoveron": "points", "hovertemplate": "%{hovertext}

sentiment=1
topn_NSS=%{x}
topn_PSS=%{y}
hover_data_0=%{customdata[0]}", "hovertext": [ 128, 101, 116, 102, 108, 110, 111, 104, 100, 114, 103, 116, 122, 103, 106, 109, 100, 125, 113, 126, 101, 122, 102, 105, 117, 100, 124, 105, 111, 106, 113, 113, 139, 103, 117, 103, 114, 101, 101, 106, 131, 102, 115, 113, 108, 116, 101, 100, 128, 101, 104, 113, 131, 109, 105, 122, 100, 118, 124, 108, 123, 110, 102, 136, 118, 102, 120, 111, 104, 108, 138, 136, 129, 122, 128, 107, 104, 123, 109, 135, 118, 104, 112, 106, 117, 113, 106, 100, 106, 127, 107, 106, 116, 105, 103, 119, 117, 102, 112, 109, 130, 102, 103, 105, 122, 139, 126, 104, 111, 100, 101, 127, 123, 129, 100, 107, 113, 106, 102, 107, 102, 113, 115, 134, 112, 110, 112, 103, 101, 138, 100, 119, 103, 100, 116, 104, 113, 120, 113, 112, 106, 130, 104, 121, 111, 102, 112, 122, 107, 102, 133, 119, 101, 105, 109, 111, 124, 128, 111, 113, 103, 100, 101, 103, 111, 103, 100, 102, 112, 100, 101, 123, 116, 102, 110, 115, 106, 113, 111, 104, 106, 104, 132, 120, 104, 106, 108, 113, 106, 100, 132, 105, 101, 116, 113, 118, 113, 102, 115, 102, 130, 115, 119, 132, 101, 102, 104, 111, 115, 129, 100, 106, 101, 137, 109, 115, 105, 100, 104, 115, 106, 108, 124, 118, 103, 117, 120, 100, 109, 114, 102, 120, 100, 135, 106, 104, 113, 123, 116, 103, 100, 131, 111, 101, 105, 137, 100, 103, 107, 121, 102, 134, 101, 113, 121, 101, 111, 132, 102, 117, 102, 105, 105, 129, 122, 136, 121, 102, 126, 134, 107, 115, 107, 130, 131, 101, 106, 128, 109, 114, 106, 113, 101, 100, 104, 117, 104, 105, 103, 124, 129, 100, 112, 106, 101, 114, 118, 110, 102, 105, 103, 105, 108, 110, 122, 123, 126, 108, 114, 103, 104, 103, 110, 137, 109, 114, 100, 118, 127, 103, 111, 115, 112, 101, 137, 103, 103, 111, 107, 114, 105, 110, 111, 105, 100, 104, 109, 134, 100, 106, 106, 108, 113, 107, 100, 126, 109, 107, 104, 107, 116, 133, 114, 108, 105, 115, 100, 129, 105, 114, 102, 115, 121, 123, 109, 110, 111, 110, 140, 100, 112, 106, 100, 127, 106, 110, 103, 103, 106, 107, 106, 117, 122, 112, 110, 112, 102, 113, 138, 136, 104, 110, 100, 128, 133, 106, 140, 100, 105, 102, 102, 105, 126, 123, 108, 113, 115, 140, 102, 105, 113, 113, 105, 129, 109, 106, 105, 123, 100, 136, 109, 103, 100, 125, 128, 100, 109, 110, 132 ], "legendgroup": "1", "line": { "color": "rgba(255,255,255,0)" }, "marker": { "color": "green" }, "name": "1", "offsetgroup": "1", "orientation": "v", "pointpos": 0, "showlegend": true, "type": "box", "x": [ 0.14142672717571259, 0.13473668694496155, 0.16456283628940582, 0.1407756358385086, 0.10553249716758728, 0.16305293142795563, 0.150883749127388, 0.11497404426336288, 0.15832503139972687, 0.15460500121116638, 0.13270969688892365, 0.1502910554409027, 0.13612502813339233, 0.1561293601989746, 0.10045166313648224, 0.1450982689857483, 0.15595659613609314, 0.11625920981168747, 0.12950782477855682, 0.14352016150951385, 0.14025849103927612, 0.11096727848052979, 0.1460077315568924, 0.13167008757591248, 0.1523420214653015, 0.16201218962669373, 0.1509738564491272, 0.1507669985294342, 0.14166028797626495, 0.1628032624721527, 0.13990043103694916, 0.16519589722156525, 0.1585405468940735, 0.12073475867509842, 0.15113067626953125, 0.14863136410713196, 0.14941905438899994, 0.16476185619831085, 0.13865883648395538, 0.15012767910957336, 0.14307428896427155, 0.11267908662557602, 0.14211226999759674, 0.15294981002807617, 0.13812990486621857, 0.11798271536827087, 0.15366943180561066, 0.1408868283033371, 0.1492832899093628, 0.1468009352684021, 0.15671049058437347, 0.15972329676151276, 0.15526555478572845, 0.1594802588224411, 0.15896472334861755, 0.13647742569446564, 0.1630423665046692, 0.16040773689746857, 0.14814752340316772, 0.1637718230485916, 0.16244445741176605, 0.12258128821849823, 0.1169048547744751, 0.14934752881526947, 0.1356901079416275, 0.13379722833633423, 0.1466454416513443, 0.15981703996658325, 0.15887928009033203, 0.15241478383541107, 0.16028277575969696, 0.14165884256362915, 0.1575733721256256, 0.13101688027381897, 0.15369252860546112, 0.16152389347553253, 0.1439882218837738, 0.13805006444454193, 0.04124835506081581, 0.15548411011695862, 0.16142158210277557, 0.12858667969703674, 0.11969075351953506, 0.13224634528160095, 0.11238672584295273, 0.11292434483766556, 0.15968990325927734, 0.14809413254261017, 0.1332024335861206, 0.14300428330898285, 0.14094360172748566, 0.16038408875465393, 0.1201399639248848, 0.13709577918052673, 0.1482357233762741, 0.16329899430274963, 0.13456788659095764, 0.13983838260173798, 0.1337505280971527, 0.13688190281391144, 0.15802142024040222, 0.13918454945087433, 0.11560826748609543, 0.12442270666360855, 0.1649731993675232, 0.09360793977975845, 0.1508236825466156, 0.13793109357357025, 0.15800385177135468, 0.14206622540950775, 0.1534568816423416, 0.14683926105499268, 0.1304771453142166, 0.14760586619377136, 0.1521153301000595, 0.13358274102210999, 0.15416699647903442, 0.1470748782157898, 0.13647471368312836, 0.14902953803539276, 0.12645716965198517, 0.14792388677597046, 0.11841968446969986, 0.10347113013267517, 0.1444118171930313, 0.1244281530380249, 0.1649765968322754, 0.16001173853874207, 0.14531844854354858, 0.14314059913158417, 0.12099841982126236, 0.15204116702079773, 0.14114269614219666, 0.13467368483543396, 0.14469002187252045, 0.12709397077560425, 0.13614583015441895, 0.16127347946166992, 0.1630423218011856, 0.1479964405298233, 0.14585056900978088, 0.15823695063591003, 0.15258213877677917, 0.16409234702587128, 0.16206416487693787, 0.1226574182510376, 0.16368232667446136, 0.14121952652931213, 0.1357492059469223, 0.1502719521522522, 0.16217340528964996, 0.13909794390201569, 0.138498917222023, 0.11586824804544449, 0.1399042159318924, 0.09609845280647278, 0.1346464902162552, 0.1385735273361206, 0.14154976606369019, 0.1315736323595047, 0.1603562831878662, 0.14154277741909027, 0.15466804802417755, 0.10291405767202377, 0.1268671602010727, 0.11905540525913239, 0.1475127637386322, 0.1257091462612152, 0.14778463542461395, 0.15426486730575562, 0.13692571222782135, 0.16450034081935883, 0.14948536455631256, 0.11931093782186508, 0.1556558459997177, 0.15958745777606964, 0.119430311024189, 0.15121990442276, 0.12835438549518585, 0.12790967524051666, 0.13280196487903595, 0.15433059632778168, 0.13723228871822357, 0.1557610183954239, 0.14184625446796417, 0.13297267258167267, 0.15471181273460388, 0.15985427796840668, 0.13431459665298462, 0.15598778426647186, 0.15010003745555878, 0.14461258053779602, 0.1506967544555664, 0.16073490679264069, 0.09428932517766953, 0.1450709104537964, 0.11874402314424515, 0.09990369528532028, 0.1423160880804062, 0.14397868514060974, 0.15525314211845398, 0.15256795287132263, 0.13579577207565308, 0.16011331975460052, 0.15114489197731018, 0.1356748640537262, 0.13695159554481506, 0.13689914345741272, 0.15590046346187592, 0.11337290704250336, 0.14220154285430908, 0.1572403460741043, 0.11810194700956345, 0.14554177224636078, 0.1511971354484558, 0.15650326013565063, 0.15400907397270203, 0.13805270195007324, 0.15901494026184082, 0.13618750870227814, 0.15486708283424377, 0.15461471676826477, 0.130323126912117, 0.14970798790454865, 0.1641138792037964, 0.14505010843276978, 0.1331057995557785, 0.143931046128273, 0.1554686725139618, 0.12368299067020416, 0.1354578584432602, 0.1521599292755127, 0.14368277788162231, 0.13170653581619263, 0.1326436549425125, 0.1357751041650772, 0.16121503710746765, 0.12287123501300812, 0.12692677974700928, 0.10942390561103821, 0.15394091606140137, 0.14854557812213898, 0.14946289360523224, 0.15758073329925537, 0.15718325972557068, 0.16145512461662292, 0.1388089805841446, 0.08446277678012848, 0.1560264527797699, 0.15548011660575867, 0.13943524658679962, 0.16149339079856873, 0.14714395999908447, 0.09555042535066605, 0.1490214467048645, 0.13905388116836548, 0.13366767764091492, 0.14685335755348206, 0.14377862215042114, 0.12972921133041382, 0.14184248447418213, 0.15685801208019257, 0.13451001048088074, 0.13908147811889648, 0.14614513516426086, 0.14408713579177856, 0.15498493611812592, 0.1392100304365158, 0.12268766760826111, 0.13307341933250427, 0.16112090647220612, 0.1561572551727295, 0.1404283493757248, 0.15231435000896454, 0.14795179665088654, 0.14306972920894623, 0.1324109137058258, 0.15241511166095734, 0.1598358452320099, 0.1593017280101776, 0.11718396842479706, 0.11305925995111465, 0.1581990122795105, 0.13352471590042114, 0.11366304755210876, 0.16148023307323456, 0.13711653649806976, 0.12334706634283066, 0.1323012262582779, 0.13742737472057343, 0.1432441920042038, 0.11394809931516647, 0.11334887146949768, 0.14758193492889404, 0.16444158554077148, 0.16178187727928162, 0.14859671890735626, 0.16302956640720367, 0.14870712161064148, 0.13268154859542847, 0.16391436755657196, 0.1567627340555191, 0.13154330849647522, 0.12986187636852264, 0.14465370774269104, 0.16312965750694275, 0.14438802003860474, 0.16027581691741943, 0.14917370676994324, 0.12122854590415955, 0.12700049579143524, 0.13261142373085022, 0.151461660861969, 0.14638003706932068, 0.15398168563842773, 0.16250844299793243, 0.13963820040225983, 0.14424780011177063, 0.16007818281650543, 0.13229738175868988, 0.13076850771903992, 0.1035166010260582, 0.1371297687292099, 0.1368054896593094, 0.14042216539382935, 0.13890068233013153, 0.11530948430299759, 0.1504378467798233, 0.13919995725154877, 0.14756345748901367, 0.14623405039310455, 0.11557823419570923, 0.14788925647735596, 0.15021519362926483, 0.13555894792079926, 0.15103267133235931, 0.14968426525592804, 0.15333853662014008, 0.1224072277545929, 0.15416109561920166, 0.15755003690719604, 0.09886758774518967, 0.14172545075416565, 0.14822667837142944, 0.13015173375606537, 0.13727112114429474, 0.1496993452310562, 0.12076497077941895, 0.11741925776004791, 0.13854223489761353, 0.1518869400024414, 0.15231840312480927, 0.14975951611995697, 0.14629539847373962, 0.14880794286727905, 0.11800506711006165, 0.11291860044002533, 0.13242915272712708, 0.13371771574020386, 0.12621890008449554, 0.15590259432792664, 0.14056073129177094, 0.1337486058473587, 0.1583063304424286, 0.1608305424451828, 0.16456061601638794, 0.1476575881242752, 0.1485520601272583, 0.14327570796012878, 0.13923250138759613, 0.1484101116657257, 0.12547877430915833, 0.13308149576187134, 0.16450166702270508, 0.1141350194811821, 0.14865785837173462, 0.1448589265346527, 0.15097755193710327, 0.11696536839008331, 0.15745940804481506, 0.14472827315330505, 0.16021591424942017, 0.12589357793331146, 0.13013875484466553, 0.16461046040058136, 0.12906524538993835, 0.1544252336025238, 0.1491783708333969, 0.14162921905517578, 0.15235118567943573, 0.15427032113075256, 0.1632782369852066, 0.1397174447774887, 0.15081410109996796, 0.16239120066165924, 0.15527190268039703, 0.154718816280365, 0.16219469904899597, 0.1353863924741745, 0.16200615465641022, 0.1534195989370346, 0.15584442019462585, 0.16028174757957458, 0.16006925702095032, 0.1499275416135788, 0.14071352779865265, 0.10461965948343277, 0.14685270190238953, 0.16386929154396057, 0.13377124071121216, 0.1380656361579895, 0.14729763567447662, 0.13569051027297974, 0.1311180740594864, 0.13398967683315277, 0.12788240611553192, 0.14800052344799042, 0.16140681505203247, 0.1602286696434021, 0.1314624845981598, 0.15964706242084503, 0.1506524384021759, 0.14346431195735931, 0.12312878668308258, 0.13850417733192444, 0.14456093311309814, 0.12101023644208908, 0.13021016120910645, 0.15853556990623474 ], "x0": " ", "xaxis": "x", "y": [ 0.12399441003799438, 0.13130034506320953, 0.16081255674362183, 0.13077382743358612, 0.16193772852420807, 0.16227883100509644, 0.16285952925682068, 0.13475021719932556, 0.1532095968723297, 0.1513652503490448, 0.1580437272787094, 0.15926054120063782, 0.13676601648330688, 0.16251027584075928, 0.13219276070594788, 0.15878725051879883, 0.1632390022277832, 0.1588050127029419, 0.1512041687965393, 0.13521327078342438, 0.13679616153240204, 0.13284890353679657, 0.12036699801683426, 0.1509326994419098, 0.14645588397979736, 0.1585368663072586, 0.15592297911643982, 0.158768430352211, 0.1648065447807312, 0.1639685034751892, 0.15596908330917358, 0.1618926227092743, 0.14437636733055115, 0.13376015424728394, 0.16074739396572113, 0.1559409499168396, 0.1572691798210144, 0.15582451224327087, 0.16241492331027985, 0.1619284749031067, 0.1615743488073349, 0.15558671951293945, 0.13281390070915222, 0.14650914072990417, 0.11237243562936783, 0.14553943276405334, 0.1579572558403015, 0.16290269792079926, 0.1431611180305481, 0.13644304871559143, 0.16263219714164734, 0.16475075483322144, 0.15849769115447998, 0.1624705195426941, 0.16131466627120972, 0.16060301661491394, 0.13694889843463898, 0.14815333485603333, 0.15532813966274261, 0.1550666093826294, 0.1419125497341156, 0.12402193993330002, 0.13991212844848633, 0.1253555566072464, 0.13919773697853088, 0.13862717151641846, 0.16402561962604523, 0.16506825387477875, 0.16424356400966644, 0.11979129910469055, 0.1558855026960373, 0.15185751020908356, 0.15134356915950775, 0.12263378500938416, 0.14404574036598206, 0.1473216712474823, 0.15906625986099243, 0.14268890023231506, 0.08996376395225525, 0.1646122932434082, 0.15196162462234497, 0.14301712810993195, 0.1394127905368805, 0.14964069426059723, 0.16014932096004486, 0.13113726675510406, 0.142154723405838, 0.14115925133228302, 0.16112670302391052, 0.1411689817905426, 0.13789786398410797, 0.13433769345283508, 0.1514829695224762, 0.15708523988723755, 0.1600368171930313, 0.1653592884540558, 0.12706081569194794, 0.1518997997045517, 0.13492657244205475, 0.1364983171224594, 0.1642596274614334, 0.15706458687782288, 0.14463594555854797, 0.11392757296562195, 0.16411495208740234, 0.10575313866138458, 0.16183209419250488, 0.14145265519618988, 0.13980557024478912, 0.14265942573547363, 0.15003758668899536, 0.1554419994354248, 0.16020676493644714, 0.14387817680835724, 0.1447083055973053, 0.157774418592453, 0.14346370100975037, 0.14784137904644012, 0.1534753143787384, 0.1644871085882187, 0.14200423657894135, 0.14973849058151245, 0.12953437864780426, 0.1277647316455841, 0.1335359513759613, 0.13853822648525238, 0.16506780683994293, 0.11400337517261505, 0.15412381291389465, 0.15269416570663452, 0.11535046994686127, 0.1498727947473526, 0.13816456496715546, 0.155445396900177, 0.1344335973262787, 0.1604265719652176, 0.16279207170009613, 0.15936703979969025, 0.16088713705539703, 0.14336766302585602, 0.16469264030456543, 0.1475674957036972, 0.16244377195835114, 0.15241478383541107, 0.16209770739078522, 0.1263478547334671, 0.1500072330236435, 0.13761715590953827, 0.14393047988414764, 0.1556733250617981, 0.15193645656108856, 0.12543995678424835, 0.15338581800460815, 0.14724163711071014, 0.14670555293560028, 0.09698294848203659, 0.15904904901981354, 0.12740015983581543, 0.12989895045757294, 0.12408674508333206, 0.14693641662597656, 0.16329075396060944, 0.14924660325050354, 0.1581089347600937, 0.15059234201908112, 0.13813507556915283, 0.14638158679008484, 0.1522272229194641, 0.1610364019870758, 0.1616676151752472, 0.12272842228412628, 0.15674513578414917, 0.13512355089187622, 0.1608262062072754, 0.1642800122499466, 0.1592133343219757, 0.16065974533557892, 0.14180389046669006, 0.16411183774471283, 0.14387622475624084, 0.156051903963089, 0.15298797190189362, 0.1559167057275772, 0.14263837039470673, 0.15293627977371216, 0.14893949031829834, 0.13991165161132812, 0.13682083785533905, 0.15741223096847534, 0.1646140068769455, 0.14207884669303894, 0.1400904804468155, 0.15842823684215546, 0.16277211904525757, 0.1315358430147171, 0.14821118116378784, 0.14446088671684265, 0.11428442597389221, 0.1290607899427414, 0.15238618850708008, 0.152546688914299, 0.16207382082939148, 0.16138142347335815, 0.14293640851974487, 0.15331906080245972, 0.14253854751586914, 0.15142659842967987, 0.14509153366088867, 0.15821132063865662, 0.11613766849040985, 0.1326407939195633, 0.1626860499382019, 0.1514594703912735, 0.14169448614120483, 0.1460593342781067, 0.16000419855117798, 0.16332197189331055, 0.13661623001098633, 0.14511743187904358, 0.14847850799560547, 0.1357230246067047, 0.1341397911310196, 0.13214054703712463, 0.1555130034685135, 0.14755453169345856, 0.13653221726417542, 0.14256109297275543, 0.125446617603302, 0.1395217329263687, 0.1501084417104721, 0.13888294994831085, 0.1482459008693695, 0.15130645036697388, 0.15471026301383972, 0.16045504808425903, 0.15077714622020721, 0.15475094318389893, 0.14553429186344147, 0.1513318568468094, 0.15112656354904175, 0.1648624688386917, 0.16140152513980865, 0.15570484101772308, 0.11373007297515869, 0.1645221710205078, 0.16269342601299286, 0.14246247708797455, 0.09939055144786835, 0.16029523313045502, 0.1619175225496292, 0.15836696326732635, 0.15227925777435303, 0.15653476119041443, 0.1251416653394699, 0.1330648809671402, 0.1546127051115036, 0.16327336430549622, 0.15576474368572235, 0.1385239213705063, 0.11342880129814148, 0.14714795351028442, 0.1593414694070816, 0.1443430334329605, 0.16498465836048126, 0.1483493596315384, 0.1435437649488449, 0.16026215255260468, 0.15582193434238434, 0.15458163619041443, 0.14819969236850739, 0.16126567125320435, 0.1646653264760971, 0.15663108229637146, 0.16200943291187286, 0.16428938508033752, 0.1301548331975937, 0.15901456773281097, 0.16106124222278595, 0.13161444664001465, 0.1458694189786911, 0.15871277451515198, 0.15609727799892426, 0.15363597869873047, 0.13473398983478546, 0.1365286111831665, 0.15367649495601654, 0.14131797850131989, 0.1643427461385727, 0.14217086136341095, 0.1476675420999527, 0.1654300093650818, 0.1403946727514267, 0.14621907472610474, 0.1399327963590622, 0.1639663577079773, 0.1443692147731781, 0.15779292583465576, 0.1612321436405182, 0.16458137333393097, 0.13049831986427307, 0.15322420001029968, 0.16098521649837494, 0.16136258840560913, 0.16312505304813385, 0.1328781396150589, 0.15653732419013977, 0.14905300736427307, 0.15661689639091492, 0.16453951597213745, 0.15002214908599854, 0.164698988199234, 0.12171574681997299, 0.15996094048023224, 0.16168415546417236, 0.15827609598636627, 0.16252866387367249, 0.15153874456882477, 0.15887661278247833, 0.13663358986377716, 0.1406424641609192, 0.1476026475429535, 0.11513272672891617, 0.15338535606861115, 0.149567112326622, 0.15050221979618073, 0.14315219223499298, 0.13774728775024414, 0.16315096616744995, 0.15736185014247894, 0.1253269612789154, 0.16327054798603058, 0.13316752016544342, 0.1572263240814209, 0.16312940418720245, 0.14411211013793945, 0.15654726326465607, 0.15196247398853302, 0.16471874713897705, 0.15849508345127106, 0.1510162055492401, 0.16338743269443512, 0.1099710613489151, 0.1473255157470703, 0.15805067121982574, 0.161031112074852, 0.14011898636817932, 0.1524507999420166, 0.15728238224983215, 0.1537620723247528, 0.13501635193824768, 0.13736183941364288, 0.1492721140384674, 0.15033088624477386, 0.16480609774589539, 0.156310573220253, 0.1469763219356537, 0.1350151002407074, 0.11820340156555176, 0.16221214830875397, 0.13966676592826843, 0.1536852866411209, 0.15938781201839447, 0.14961695671081543, 0.16167515516281128, 0.1552238017320633, 0.1552877277135849, 0.12416251003742218, 0.14815866947174072, 0.16505172848701477, 0.15454068779945374, 0.1359650194644928, 0.13648661971092224, 0.14165015518665314, 0.1573847383260727, 0.16154156625270844, 0.16514630615711212, 0.16111816465854645, 0.15874043107032776, 0.13069897890090942, 0.14017066359519958, 0.1637474149465561, 0.14390069246292114, 0.14406338334083557, 0.15543441474437714, 0.16543284058570862, 0.15029685199260712, 0.1592644304037094, 0.14718453586101532, 0.15781846642494202, 0.14680877327919006, 0.14987194538116455, 0.15784770250320435, 0.15652599930763245, 0.16037702560424805, 0.15838316082954407, 0.16330035030841827, 0.15001368522644043, 0.14611732959747314, 0.16017311811447144, 0.16530950367450714, 0.15671320259571075, 0.14277710020542145, 0.13797864317893982, 0.15544246137142181, 0.14703786373138428, 0.14620459079742432, 0.14380018413066864, 0.15025193989276886, 0.16485093533992767, 0.15692903101444244, 0.15704575181007385, 0.16102924942970276, 0.14037089049816132, 0.15089493989944458, 0.14770294725894928, 0.13930702209472656, 0.1587824523448944, 0.14554108679294586, 0.15866681933403015, 0.15225403010845184, 0.1558438539505005, 0.135970339179039, 0.15280936658382416, 0.13230067491531372, 0.15053686499595642, 0.13983912765979767, 0.1589522361755371, 0.15389597415924072, 0.12833677232265472 ], "y0": " ", "yaxis": "y" }, { "alignmentgroup": "True", "boxpoints": "all", "customdata": [ [ "This video nasty was initially banned in Britain, and allowed in last November without cuts./>
It features the Playboy Playmate of the Month October 1979, Ursula Buchfellner. The opening
cuts back and forth between Buchfellner and foggy jungle pictures. I am not sure what the purpose of
that was. It would have been much better to focus on the bathtub scene.

Laura
(Buchfellner) is kidnapped and held in the jungle for ransom. Peter (Al Cliver - The Beyond, Zombie)
is sent to find her and the ransom. Of course, one of the kidnappers (Antonio de Cabo) manages to
pass the time productively, while another (Werner Pochath) whines incessantly.

The ransom
exchange goes to hell, and Laura runs into the jungle. Will Peter save her before the cannibals have
a meal? Oh, yes, there are cannibals in this jungle. Why do you think it was a video nasty! Muriel
Montossé is found by Peter and his partner (Antonio Mayans - Angel of Death) on the kidnapper's
boat. Montossé is very comfortably undressed. Peter leaves them and goes off alone to find Laura,
who has been captured by now. They pass the time having sex, and don't see the danger approaching.
Guts, anyone? Great fight between Peter and the naked devil (Burt Altman).

Blood,
decapitation, guts, lots of full frontal, some great writhing by the cannibal priestess (Aline
Mess), and the line, \"They tore her heart out,\" which is hilarious if you see the film." ], [ "A CBS radio program entitled \"We the People\" assists in finding an American home for Vienna refugee
Charles Coburn (as Karl Braun), a skilled surgeon and pool hustler. He arrives with beautiful
daughter Sigrid Gurie (as Leni), who is \"studying\" to become a nurse. Relocated to a small, dusty
Midwestern village, they are welcomed at the station by burly John Wayne (as John Phillips) and his
uncle Spencer Charters (as 'Nunk' Atterbury), a veterinarian. Ms. Gurie is unhappy in the dustbowl,
and wants to leave. Immediately. But, the prospect of romance with Mr. Wayne might change her
mind...

God answers the citizens' many prayers for rain, but it may not be enough to save
the farming town. The entire town is advised to relocate to Oregon. Wayne wants to stay and tough it
out. Coburn receives an invitation to work at a top clinic. And, Gurie learns her fiancé, presumed
dead, will be arriving to claim her as his wife. She feels duty-bound to accept; but, he has a dark
secret... This film does not flatter Wayne, who seems way out of his element. Being paired with
Gurie, promoted as another Garbo, doesn't help. They do have a cute scene in Wayne's car (\"Jalopy,
an Italian car\").

**** Three Faces West (7/3/40) Bernard Vorhaus ~ John Wayne, Sigrid
Gurie, Charles Coburn, Spencer Charters" ], [ "Genie (Zoe Trilling) arrives in Egypt to visit her hypocritical, bible-quoting archeologist father
(William Finley) and attracts the attention of a group of cultists led by a descendant of the
Marquis de Sade (Robert Englund). Englund also plays de Sade in flashbacks, ranting in his cell.
Genie is led astray by Mohammed (Juliano Merr), who rides around naked on a horse and Sabina (Alona
Kamhi), a bisexual who introduces her to opium smoking, which leads to a wild hallucination
featuring topless harem dancers, a woman simulating oral sex on a snake, an orgy and her father
preaching in the background! Meanwhile, black hooded cult members decapitate, gouge out eyeballs and
slit throats. When Genie is slipped drugs in her tea, she imagines de Sade hanging from a cross, a
gold-painted woman in a leafy g-string and herself bloody on a bed covered in snakes. It's all
because she's the reincarnation of de Sade's lost love.

This typically sleazy Harry Alan
Towers production is redundant, seedy and pretty senseless, but the sets, costumes, cinematography
and location work are all excellent and at least there's always something going on.
/>Score: 3 out of 10" ], [ "Please, help the economy - spend your money elsewhere! The synopsis of the movie is: the First Lady
has her husband assassinated because he was cheating on her. That's it. Undetected by anyone, except
Cuba and Angie, she designs and implements a vast assassination conspiracy which no one knows
about...and gets away completely free.

Some specific points are particularly hilarious:
While standing in front of the president, Cuba a deflects the assassin's bullet...which then enters
the back of the president's head.

Cuba and Angie watch film from a news camera, and they
see...a clue. They go to great lengths to protect the film, believing that they are the only people
that have a copy of this very public film.

Cuba speaks with a presidential staff member.
The PSM comments that there was no conspiracy. Cuba claims there was more than one person involved.
The PSM then rants that the conspiracy includes the FBI, the CIA, and the NSA. Gosh, I wonder is the
PSM is involved.

Ms Archer, the First Lady, is a craptacular artist. Cuba can't make out
a painting, and she says, \"You're too close...stand back...look from a different perspective, look
from my perspective.\" Can anyone miss THAT clue?" ], [ "Even Disney are guilty of the cash cow disease, after the roaring success of The Love Bug in 1968,
the house of mouse cashed in with Herbie Rides Again, Herbie Goes To Monte Carlo, and Herbie Goes
Bananas. Neither sequel capturing the charm and inoffensive appeal of The Love Bug back in 68, in
this one we find race driver Jim Douglas and his sidekick Wheely Applegate, entering Herbie in the
Monte Carlo Rally. Naturally things outside of the race start to take over priorities, they get
mixed up in a diamond robbery and Herbie falls in love with another car!. The car stunts are of
course pleasant and easy on the eye, and it would be churlish of me to really vent venom on such a
friendly piece of fluff, it's just that the film goes nowhere fast and personally now i can see it
for the coin motivated piece of work it is. Still you get to see Herbie take a bath, foil the
baddies and of course dance for the lady in his life, so something there for everyone i
think....................4/10." ], [ "Countenance! Antoine Monot, in a copycat impersonation of Kevin Smith's Silent Bob, keeps asking for
it, but writer/director Christian Zübert never listens. Zübert just can't say no to a joke, no
matter how cheap. The best thing about this movie is its soundtrack. Of course, Joey Burns of
Calexico and the divine Jonathan Richman, understated old-school bard of \"There's something about
Mary\" fame, would grace any small-town dropout story. In visual allure, Stefan (Lukas Gregorowicz)
looks cool enough riding his tan six-series BMW two-door, wearing aviator shades, going nowhere.
True, he *accidentally* sleeps with his wild-eyed bohemian kid sister (Marie Zielcke), but then, who
wouldn't? Thumbs up also to how he goes black-and-white on a liberal dose of that mysterious
substance they call zero-zero, but if you're looking for a slightly more serious rendering of what
intoxication can do to you, I suggest you check out \"Fear and Loathing in Las Vegas\"." ], [ "For romantic comedies, I often judge the quality of the film based upon the mistiness of my eyes by
the end of the experience. Unfortunately for \"The Wedding Date,\" I can only rate the film with 4 out
of 10 possible tears.

My apologies to fans of Debra Messing and Dermot Mulroney, but I
did not see much chemistry between their two characters. The premise of the film is a reverse
\"Pretty Woman,\" with Dermot playing the role of Nick, a high-priced male escort hired by Debra's
character Kat to accompany her to England for her sister's wedding. A romantic relationship
presumably develops between patron and client. But the dialogue seemed forced and artificial. And
there weren't enough romantic sparks flying in the relationship of Nick and Kat.

In a
supporting role, Amy Adams was a standout as Kat's sister. Whenever Amy came on screen, she served
as a spark plug and catalyst for the film's energy. Perhaps if Amy Adams had been cast in the role
of Kat, the film might have had more dynamism. But as it turned out, instead of reaching for
Kleenex, I was looking for the Visine in attempt to at least pretend that this film had some genuine
sentiment and romance." ], [ "Alex D. Linz replaces Macaulay Culkin as the central figure in the third movie in the Home Alone
empire. Four industrial spies acquire a missile guidance system computer chip and smuggle it through
an airport inside a remote controlled toy car. Because of baggage confusion, grouchy Mrs. Hess
(Marian Seldes) gets the car. She gives it to her neighbor, Alex (Linz), just before the spies turn
up. The spies rent a house in order to burglarize each house in the neighborhood until they locate
the car. Home alone with the chicken pox, Alex calls 911 each time he spots a theft in progress, but
the spies always manage to elude the police while Alex is accused of making prank calls. The spies
finally turn their attentions toward Alex, unaware that he has rigged devices to cleverly booby-trap
his entire house. Home Alone 3 wasn't horrible, but probably shouldn't have been made, you can't
just replace Macauley Culkin, Joe Pesci, or Daniel Stern. Home Alone 3 had some funny parts, but I
don't like when characters are changed in a movie series, view at own risk." ], [ "Wealthy horse ranchers in Buenos Aires have a long-standing no-trading policy with the Crawfords of
Manhattan, but what happens when the mustachioed Latin son falls for a certain Crawford with bright
eyes, blonde hair, and some perky moves on the dance floor? 20th Century-Fox musical has a glossy
veneer yet seems a bit tatty around the edges. It is very heavy on the frenetic, gymnastic-like
dancing, exceedingly thin on story. Betty Grable (an eleventh hour replacement for Alice Faye) gives
it a boost, even though she's paired with leaden Don Ameche (in tan make-up and slick hair). Also
good: Charlotte Greenwood as Betty's pithy aunt, a limousine driver who's constantly asleep on the
job, and Carmen Miranda playing herself (who else?). The stock shots of Argentina far outclass the
action filmed on the Fox backlot, and some of the supporting performances are quite awful. By the
time of the big horserace finale, most viewers will have had enough. *1/2 from ****" ], [ "Six stars for Paul Newman's portrayal of General Groves, negative four for the inclusion of a highly
fictionalized event where the truth is well documented. Michael Merriman did not really exist. His
character--or at least his fate--is based loosely on that of Louis Slotin, a Canadian physicist who
did not come to Los Alamos until after the war. He conducted his lethal \"tail of the dragon\"
experiment in May 1946. This is a critical point. The effects of hard radiation on the human body
were not known until they were observed in the victims of the Hiroshima and Nagasaki blasts. Had
anyone died of radiation poisoning at Los Alamos before the Trinity test, it's very possible that
the scientists would have abruptly stopped their work, and history would have been changed. Whether
for the better or the worse we can only speculate. Someone should ask the producers and the director
whether they added Merriman's character for dramatic effect or to deliver an anti-nuclear message.
For a more even-handed and accurate treatment of events at Los Alamos during the Manhattan Project,
see the TV movie, \"Day One,\" or better yet, read the Peter Wyden book on which it is based." ], [ "A Mexican outlaw (Tomas Milian) steals gold from a stagecoach along with some other Mexicans and
Americans. The Americans double-cross the Mexicans and leave them all for dead. The one outlaw
survives and looks for revenge in this film that has jack-all to do with the original Django (the
distributors only named it \"Django Kill...\" to squeeze a few more bucks out of more gullible people.
What we have here is a slightly below standard western that's too surreal to be that enjoyable. and
as such I can't really recommend it to all but the most hardcore Spahetti Western fan.

My
Grade: D+

Blue Underground DVD Extras: Part of BU's Spaghetti Western Collection. Uncut;
\"Django Tell\" (20 minute documentary); Poster & Stills gallery; Talent Bios for Guilo Questi & Tomas
Milian; Theatrical Trailer

3 Easter Eggs: Highlight the hidden gun on the extras page
for Trailers for \"Django\", \"Run, Man, Run\", and \"A Man Called Blade\"; Highlight the hand on the main
menu to get interviews on the formation of a rock group; and a hidden gun in the Language/Subtitles
menu leads to the story of how Tomas Milian almost got killed for being anti-communist" ], [ "Boris Karloff is Matthias Morteval, a dying, lonely old nut who lives in Morhenge Mansion with some
servants and tells his doctor friend, \"Don't try to doctor me, doctor! I'm disgustingly healthy!\" He
invites his nieces and nephews to his home and warns them they may have inherited a genetic disease
that causes madness by \"shrinking the brain\" (?)

***SPOILERS***
/>Morteval/Karloff ends up dying, and murderous \"toys\" (designed by his dead brother) start killing
off the relatives. A mini cannon fires real bullets into a guys face, a life-sized knight in armor
attacks with an axe and a dancing Sheik stabs people with a knife. One guy getting strangled makes
some hilarious faces. At the end, Julissa and her boyfriend find Karloff is still alive and hiding
out in the dungeon where steel gates seal off the room. He plays the recurring organ theme music
(sort of a death rattle used for the killings), the brother's spirit starts talking (\"The whole
house will go with me!\") and the mansion goes up in flames.

This senseless mess is too
dark, boring and the stupid dialogue never matches the lips." ], [ "On his recent maligned reality-show, Mr. Shore conceded his filmic oeuvre is best enjoyed stoned.
No, he must have said \"best watched.\" While a healthy toke might see you through the end credits,
there is little pleasure to be found, save some sporadic chuckling at the picture, not with it.
Titular hyphenate absence is the least grievance. Other hyphenate, wholesome Tiffani-Amber Thiessen
(I dare you to rub out that \"Saved by the Bell\" patina of purity) is miscast as a rural vamp; she's
too round of face for treachery. Mr. Shore, himself occasionally displays the odd talent for mimicry
(I thought I recognized a Jimmy Stewart in there), however it is never aptly used. The trite fish-
out-of-water formula has yet to be rendered with less grace. Our hero, Crawl has precious little wit
to account for expeditiously charming his agrarian antagonists. Ultimately, I had to announce it's
been ascertained: THE WORST MOVIE EVER. P.S. As another fish, Adam Sandler fared better with \"Mr.
Deeds.\" It may take a Shore to appreciate a Sandler." ], [ "I love Seth Green. His appearances on THat 70s' Show is always worth watching but last night, I felt
the show needed to overhauled. Four single young guys inherit a New York City apartment that most of
us would die for. The grandmother must have been an heiress to have such space in the first place.
So I felt the need for realism should have been brought out. Anyway the plot about four best friends
getting this apartment was not believable. I would have been thrilled if they had to move in with
one of their parents which would have provided great humor and dysfunctional about the show's set
up. There did not seem to be much humor in it. I am only watching it because it falls before My Name
is Earl on a winning Thursday night. I think they should go back, scrap this series, and start over.
We need more family involved series. How about Seth and his friends move in with his wacky parents
in the suburbs after a fire burns their place down. THey could have Dabney Coleman play the father
and Christine Estabrook, play the mother and dysfunctional siblings. The list of possibilities with
somebody like Seth Green are endless and the network is blowing it." ], [ "In 1904 Tangier, a wealthy American woman and her two children are kidnapped by Berbers, murderous
desert pirates who scorn the Moroccan government and, by doing so, kidnap \"American pestilence\",
which attracts the attention of U.S. President Theodore Roosevelt. Fictitious historical epic is
less a grand adventure than it is a peculiar, somewhat exhaustive throwback to the desert-sheik
films of the 1940s (with a bit of \"The King and I\" interjected, besides). Portraying the cloaked,
mustachioed, bloodthirsty leader and his snippy, haughty captive, Sean Connery and Candice Bergen
could be acting in two entirely different movies (neither one seems to know how far to carry the
camp-elements of their characters and dialogue, and both seem singularly without proper direction).
The various (and anonymous) slashings and beheadings which occur are arbitrary: we don't know any of
these victims, and the big action scenes become blurry, noisy montages of sand-swept violence on
horseback. The pluses: a much-lauded music score by Jerry Goldsmith (Oscar-nominated, but a loser to
John Williams' \"Jaws\"), fine location shooting and cinematography. *1/2 from ****" ], [ "In addition to all the negative reviews: I was amazed to see that at the drop of a hat somewhere,
somehow a CCTV-camera was summoned at a most unlikely location, to show the 'crisis'-team (''Look
Maaaaa-aaam'') what was going on, notably near the Thames-barrier, where the professor is hit at
full (wind)force against the head by a heavy object and subsequently lives to tell the story.
Otherwise I was unable to shake off the image of some actors as portrayed in other films/programs: I
said to my wife: 'Hey, that's Neil, from the Young Ones' (Nigel Planer) and 'Did they summon Hercule
Poirot for help?' (David Suchet). To add to the disgrace of this film (shown in two parts on ITV UK
recently), ITV showed the telephone number of the Environment Agency after each episode for worried
viewers, living in areas 'at risk of flooding'. How low can you as a broadcaster go to treat your
audience like that? What must the Environment Agency have thought?? (''Oh no, it's Mrs Jones from
Hull again. She says she was right all along, she saw it on ITV'')." ], [ "Following the World War II Japanese attack on U.S. forces at Pearl Harbor, \"The Eastside Kids\": Leo
Gorcey (as Muggs), Bobby Jordan (as Danny Connors), Huntz Hall (as Glimpy), David Gorcey (as
Peewee), Ernest Morrison (as Scruno), and Bobby Stone (as Skinny) want to serve their country. But,
both the U.S. Army and Navy reject them as too young. Still wanting to \"knock off about a million
Japs\", the \"boys\" attack an Asian clerk, who turns out to be Chinese. The unfortunate incident does,
however, lead the gang to help uncover some really nasty Japanese and German people.

If
\"too young\" is defined as \"under twenty-one\", only Mr. Jordan and Mr. Stone would be rejected for
military service. But, it's possible recruiters were turned off by the office manners displayed by
Mr. Gorcey and Mr. Hall. \"Let's Get Tough!\" was made during what the script accurately describes as
\"open season on Japs\" - for this and other reasons, it hasn't aged well. It's a wasted effort, but
the regulars performs ably, with Tom Brown moving the storyline along, as Jordan's spy brother./>
*** Let's Get Tough! (5/29/42) Wallace Fox ~ Leo Gorcey, Bobby Jordan, Tom Brown" ], [ "She has been catapulted from 13 to 30, with magic dust involved, courtesy the 13-year-old Matt, but
nothing is made of that except as an unexplained device. New York City, especially Central Park, but
also every other slice of the place incorporated into the movie, seems hope-filled and easily
livable, and save for Lucy there's no villain in Jenna's adult life, and even Lucy is not cast as
monstrous, only as a nasty 13-year-old grown 17 years more devious. Chris, the one-time boy object
of Jenna's yearning, is now a porky cab driver, and you have seen enough films to know that Matt
will play a major role in Jenna's future. You don't know quite what might impede this before it is
finally achieved, though I'm here to whisper in your ear, so to speak, that the device is not
unique. In fact, not only is this a variation on the theme of Tom Hanks' \"Big,\" though nowhere near
as fine, it is also a strictly by-the-book version of this subset of the Cinderella story." ], [ "I run a group to stop comedian exploitation and I just spent the past 2 months hearing horror
stories from comedians who attempted to audition for, \"Last Comic Standing.\" If they don't have a
GOOD agent, then they don't even get a chance to audition so more than 80% of the comedians who turn
up are rejected before they can show anyone that they have talent! If they do make it to an
audition, I was told that it's \"pre-determined\" if they get a second chance. So what the TV audience
sees is NOT the best comics in the US.

If the comics do make it to the show, then most of
them don't get IMDb credits. I know this because I did the credits for all 6 seasons of, \"Last Comic
Standing\" and I don't get paid for doing the Producers' job. It's really a disgrace. A month ago, I
asked, \"Last Comic Standing 7\" on Facebook why the Producers aren't giving IMDb credits and I was
banned from their Facebook Page!!! I am not a comedian so I do not have a personal stake in this. I
just want people to know the truth. I don't like seeing ANYONE getting exploited and that's why I've
been helping the comedians. Comedians get exploited on HBO, BET, TvOne and other cable networks but
NBC is a BIG THREE network so those in charge should be ashamed of themselves for allowing this
exploitation to happen.

Please watch this video of a comedian who was victimized:
http://www.youtube.com/watch?v=RMb4-hyet_Y" ], [ "A recent post here by a woman claiming a military background, contained the comment \"A woman's life
is no more valuable than a man's\".

This mantra of the politically correct is not true as
history as well as biology show. Societies have managed to recover from heavy losses of their male
population, sometimes with astonishing speed. Germany was ready to fight another war in 1939 despite
the 1914- 1918 war in which over two million of her men were killed. In South America's War of the
Triple Alliance (1865), Paraguay took on three neighboring countries until virtually her entire male
population was wiped out but fought to a stalemate in the 1932 Chaco War against much larger
Bolivia.

No society, however has or ever could survive the loss of its female population.
Only when the very life of the nation is at stake are women sent to fight. Israel faced that
situation in 1948 but since then has never considered coed combat units for its Defense Forces
despite the popular image of the Israeli girl soldier.

\"G.I. Jane\" is Hollywood fluff." ], [ "Another chapter in the ongoing question, whatever happened to Mel Brooks's sense of humor? It starts
out nicely enough, with Mel as Trump-like mogul Goddard Bolt (\"You can call me God\"), who accepts a
bet that he can't live on the streets for 30 days. But the moment the movie hits the streets, it
turns into a pathos-laden mess, with occasional \"funny\" bits interjected (Mel sees a black kid
break-dancing for money and tries to do a vaudeville buck-and-wing, yuk, yuk). Leslie Ann Warren is
nothing short of wasted. The worst part is this movie's musical number, in which Brooks and Warren
do a silent dance to Cole Porter's \"Easy to Love.\" Brooks's musical parodies are usually the
highlights of his movies; here he plays the whole thing straight, like a dancing excerpt from an
aging guest star on \"The Carol Burnett Show\" (on which Rudy DeLuca, this film's co-writer, began his
career). Go rent Charlie Chaplin's THE KID, which covered the same ground 70 years before and did a
lot" ], [ "Army private Gene Kelly, who's also a talented trapeze aerialist, comes under fire for doing daring
stunts without a net and alienating his high-wire cohorts; meanwhile, there's an elaborate 'camp
show' to put on for Army soldiers and personnel, and the whole studio of M-G-M has shown up to join
in the fun. Mickey Rooney plays M.C. (unctuously), introducing acts like Kay Kyser and His
Orchestra, Bob Crosby, Benny Carter, and the M-G-M Dancing Girls (who appear to be dressed as
vegetables). Red Skelton does a cute bit with Donna Reed and Margaret O'Brien, but the other comedic
bits suffer from an apparent vacuum between the performers and the allegedly-live audience (they're
awfully silent until the editor cuts to them for exaggerated reaction shots). Judy Garland sings an
inappropriate song about a jumpin' night at Carnegie Hall (improbably accompanied by classical
pianist José Iturbi, whom Judy calls 'hep'). The production is glossy, but the manic energy feels
false, fabricated. ** from ****" ], [ "What we're given in this trying-to-be trendy film is a \"frat-pack\" of college friends, now
approaching age 30 (which we all know, of course, their generation thinks of as the \"new 20\").
Consisting of four guys and a gal, we have thrust at us the following types: seemingly \"unemployeds\"
and frequent drug users, along with one individual who is job successful and one who is trying-to-
be. They are all, in their own way, drifting while trying to find both a future and emotional
happiness. With one, possibly two exceptions, these are people this reviewer would definitely never
care to come close to modeling myself after. There is disappointment after disappointment after
disappointment in almost all their lives. Except in the instance of one individual (who appears on
the way to finding it), none appears headed toward emotional satisfaction in his/her life. And so,
about the only sincere moment in this film is when a knock at the door brings to the person
answering it an unexpected and heartfelt \"I love you.\"

With only the exceptions
mentioned, these people are the kind hardly deserving or worthy of several hundred thousands of
dollars being thrown away in presenting their stories.

PS--Writer/director, Johnson,
definitely appears to have a problem with showing gay sexual scenes----with no such problems in
presenting more prolonged and revealing heterosexual ones. Why might that be?

****" ], [ "I know these types of films sell tickets and make a profit for the film makers but it just won't do
as a film about Vietnam. Viet Nam was filled with horrors for the men who lived it day in and day
out.

This film stars Gene Hackman who is Korean war vet assigned to train a group of rag-
tag Viet Nam Vets for a return trip to that country to rescue a group of American POW's held at a
camp there. These men include a former tunnel rat, a crazy acid dropping sailor, a blond tanned
surfer from California and some inexperienced kid (Patrick Swayze) who just so happens had a dad
that was killed in Nam. They train first at some camp in Texas and once in Nam they are found out
and lose all their weapons. They are able to find replacement weapons and continue on their way to
free the captured men. Most of the men are found and saved but the rag-tag group is mostly wiped
out.

This movie played like a video game in which you could figure out what was going to
happen next and who would pop out of behind what bush, and who was going to die and who was going to
live. Viet Nam I'm guessing was not like a video game...." ], [ "A high school principal (Keenan Wynn) with a losing basketball team unwittingly hires a coach who
turns out not only to be a gorgeous blond woman (Cathy Lee Crosby) but a catalyst for their new
winning ways. Are you really surprised? Along the way a romance grows between the coach and the
team's star player Jack (Michael Biehn). The police are never notified.

Packaged along
with other Crown International Pictures as a grindhouse movie really does this film no service. This
can easily be edited into a television movie of the week. Cathy Lee Crosby looks great as coach
Randy Rawlings especially in her skimpy outfits but I expected more than mere titillation from an
R-rated film. A side plot involving a dorky center who is hypnotized by his teammates into thinking
he is former NBA player Sydney Wicks is the actual reason for the team's new success rather than
Cathy Lee's coaching. Too much tease and not enough sleaze makes this a major disappointment." ], [ "All the ingredients of low-brow b-movie cult cinema. Topless (and bottomless) girls, kung-fu kicking
chefs, slave traders, evil Germans with mustaches, Cameron Mitchell and sword-wielding zombies./>
And, of course the breasts of Camille Keaton, who's best known display occurs in the
feminist exploitation classic I Spit on Your Grave. We also must mention the hooters of jewel
Shepard, who play a hooker in the recent film The Cooler.

Lots of blood and action with
knives and swords and martial arts among topless dancers in a bar, in a whorehouse, and on a boat
load of martial artists heading to some zombie island where bad martial artists go to die or
something like that.

Tops and bottoms come off easily and frequently as travelers are
well lubricated thanks to the boat owner.

Then disaster strikes as their boat is
destroyed and they land on the zombie island where mas monks sacrifice young girls to the dead
martial artists to bring them back to life.

Just when you thought it had everything,
there are piranhas in the water. Yum Yum A big fat German for dinner.

Just the thing for
your next zombie fest." ], [ "Jack Black and Kyle Gass play fantasy versions of themselves in this comic showcase for their side-
band Tenacious D, an art-rock outfit with satirical, barbed lyrics. An ex-runaway obsessed with
heavy metal and a beachfront-living, pot-smoking slacker who pretends he's a rock god meet and form
a band (the birthmarks on both their butt-cheeks form the group's moniker). Opening with a funny
prologue which apes a Twisted Sister video from the '80s, \"The Pick of Destiny\" is a fairly well-
produced movie aimed at older kids; it occasionally resembles nothing more than a middle-aged
variation of \"Wayne's World\", with jokey-stoner interludes and a climactic bout with Beelzebub
himself, yet Black and Gass have an enormously comfortable rapport (they also acted as producers,
co-wrote the script and all the music). The target audience will obviously go for it, though
inspiration is a bit low, particularly in the second-half (just about the time our heroes
impulsively outrun the cops in a student-driver car). The music sequences are far more successful
than the attempts at movie satire and, for the first thirty minutes or so, Jack Black's manic
enthusiasm is infectious. *1/2 from ****" ], [ "Alan Rudolph is a so-so director, without that special touch. As an example, there was one shot in
The Secret Lives of Dentists in the dental office which could have expressed the entire relationship
between the husband and wife. Rudolph squandered it. The camera is in the hallway looking through
the doorways of the two dental offices, with Dana and Dave each alone in their respective rooms. You
get the idea of their desolation and isolation, but not much more. The lighting, the colors, the
body language, the facial expressions could all have been vastly improved upon. If I were directing,
I would have spent all day, if necessary, to get that shot right. That's the beauty and power of
film: it can express so much, whole lives, in a matter of seconds

The shot with the
toddler stepping in the puddle of puke could have been improved on. The child should have shown more
fascination with the puddle, should have stomped and shuffled her feet, should have had her head
bent down to look at the puddle with all her attention.

Campbell didn't deliver. He
plays a uncommunicative man, true, but instead of conveying his inner turmoil in voice, gesture,
body movement, the film relies on voice-over narration and dialogue with his imaginary macho alter-
ego, played by Denis Leary." ], [ "The parallels between this film and \"Captain Walrus\" (an independant film shown at the Team
Projection Film Festival in 1994) are so blindingly obvious that any praise for \"Sally Marshall Is
Not An Alien\" must be viewed with the knowledge that it is riding on the success of another work./>
In Captain Walrus, two young boys (Geoff and Roger, played by Dean Turner and Brett Allen
respectively) examine the bizarre behaviour of their new neighbour Britney (played by Louise
Farley). As the two boys watch through their telescope, they observe the repeated visits of a man in
uniform who they call Captain Walrus (played by Peter Sargent). However, the emphasis in Captain
Walrus is on the pointless and somewhat power-hungry actions of the neighbour Britney, and less on
the friendship between the two boys.

A critical success at the film festival, the plot of
Captain Walrus has obviously been appropriated and rehashed in order to give the Australian Film
Community another notch on the belt with regards to children's product. Although Sally Marshall is
not an Alien is a fine film, and a credit to its producers, its inauthenticity leaves something to
be deserved." ], [ "The most die-hard worshippers of John Wayne will cringe when they watch The Lawless Frontier. Even
for a poverty row studio, this one is one stinkeroo.

Unusual for a western we have a
criminal who is a sex crime perpetrator. Earl Dwire plays a halfbreed white and Indian who for
reasons that are not explained, pretends he's a Mexican, hokey accent and all. Dwire sounds like the
Frito Bandito of advertising fame back in the day.

He and his gang happen upon Gabby
Hayes and his daughter Sheila Terry. They really don't have anything worth robbing, but Dwire just
wants an excuse to kidnap Terry and have his way with her. She hears the dastardly fate she has in
store and she and Hayes flee the ranch.

Where they happen to meet John Wayne who's on
the trail of the bandits. They also run into one very stupid sheriff who believes Wayne is one of
the bandits. Again for reasons I can't quite fathom.

It was a tough way to earn a living
grinding out horse operas like these for the Duke. Fortunately better things were on the way." ], [ "\"After World War I, an expedition representing the Allied countries is sent to Cambodia to stop the
efforts of Count Mazovia in creating a zombie like army of soldiers and laborers. Hoping to prevent
a possible outbreak of war due to Mazovia's actions, the group presses through the jungle to Angkor
Wat in spite of the perils. The group includes Armand who has his own agenda contrary to the group's
wishes,\" according to the DVD sleeve's synopsis.

Heads up! the zombie make-up department
revolted before the cameras started to roll.

Also, this \"Revolt of the Zombies\" has
little to do with its supposed predecessor \"White Zombie\" (1932) *****, which starred Bela Lugosi.
If that film's zombies didn't thrill you, this one's certainly won't. A younger-than-usual Dean
Jagger (as Armand Louque) stars as a man obsessive with blonde Dorothy Stone (as Claire Duval). A
couple supporting performances are good: devilish Roy D'Arcy (as Mazovia) and subservient Teru
Shimada (as Buna); however, neither are given enough material to really pull this one out of the
dumps.

** Revolt of the Zombies (1936) Victor Halperin ~ Dean Jagger, Dorothy Stone, Roy
D'Arcy" ], [ "YOU BELONG TO ME (1941) is a example of the 'ScrewBall Comedy' which started in the mid 1930s and
ended postwar (WWII). Some of these films maintained their status. Others have earned undeserved
praise when originally were critical and box office flops. Like BRINGING UP BABY (1938) or MR. &
MRS. SMITH (1941). Then there is this one which value just keeps sinking.

Why can be
rooted in the screenplay/story. It strains credibility from the get go, betraying a superior cast.
BARBARA STANWYCK is married to millionaire HENRY FONDA who is insanely jealous. He would be content
to sit back with his million$ and love her, she wishes to maintain her profession as a Doctor. She
wants him to become in what her eyes is a useful member of society. This conflict is supposed to
amuse us. It cannot be salvaged by either the principals or the supporting cast.

The
faults in this scenario can clearly be laid at the feet of DALTON TRUMBO. HENRY FONDAs' character is
written in such broad strokes that any viewer has a instant dislike for him. BARBARA STANWYCK just
has nothing to do but react to each idiotic situation of jealousy. TRUMBO must have been spending to
much time outside the studio being a \"useful idiot\" then being on the job. COLUMBIA obviously did
not get their moneys worth from him, maybe ROBERT RISKIN should taken over." ], [ "EVAN ALMIGHTY (2007) ** Steve Carell, Morgan Freeman, Lauren Graham, Johnny Simmons, Graham
Phillips, Jimmy Bennett, John Goodman, Wanda Sykes, John Michael Higgins, Jonah Hill, Molly Shannon,
Ed Helms, (Cameo: Jon Stewart as himself) Strained 'sequel' to \"BRUCE ALMIGHTY\" with Carell's jerk
anchorman Evan Baxter leaving TV to begin his stint as a freshman Congressional rep has his hands
full when God (Freeman reprising his holy role; Jim Carrey wisely avoided the 'calling') demands he
build an ark like Noah and the hilarity ensues (or should have). The Godforsaken sitcom-y script by
Steve Oedekerk, Joel Cohen & Alec Sokolow is absolutely lame and only Carell's amiable persona
transcends his vain Evan into something resembling a human being. The end result is a lot of bird
poop gags and overall bloat (reportedly costing $175 M for the CGI F/X). Sykes steals the show as
Evan's sarcastic assistant. Sacrilegiously unfunny. (Dir: Tom Shadyac)" ], [ "I got hold of a discount copy of this. I had seen it several years ago. My only recent experience
had been \"Mystery Science Theatre\" where it was soundly spoofed. One never really gets a chance to
get into these movies because of all the byplay. I love the beginnings of fifties horror movies.
They give us a pompous lecture on the defense systems near the Arctic. These were there to protect
us from the expected Soviet invasion, but they should come in handy, given the threat of very large
insects.

This particular one flies. For some reason, despite its exoskeleton made of the
stuff grasshoppers are made of, they can still fend off air to air missiles and disable fighter
planes.

Anyway, it's more fun--first, the obligatory deranged case who saw the flying
thing, cooling his heels in a hospital (it just teaches one--see an insect as big as a house--keep
your mouth shut). I wonder if the poor guy got to go home after they found the bug.
/>Otherwise, this is a pretty ordinary effort. It follows the usual efforts to come up with a way of
dissuading the stubborn bug--and leaves us open to other possibilities--the Russians next time. I
still get a kick out of these films and this one is serviceable." ], [ "It's one of the imponderables of low-budget independent film-making that so many with so little in
the way of real talent fancy themselves frightmeisters. The paucity of talent evinced by these wonky
wannabees is there for all the world to see. Case in point: FLIGHT OF THE LIVING DEAD (or, as I
quickly came to know it, SHITE OF THE LIVING DEAD). There's nothing wrong with paying homage to
one's heroes. I've done it many times over the years, myself, in many different ways. In fact, in
the xlibris book THE NIGHT RIDERS, co-written with M. Kelley, I dedicate it, in part, to \"the six
writers whose work inspires me still: Richard Matheson, Harlan Ellison, Shirley Jackson, Edgar Allen
Poe, H.P. Lovecraft, and Robert E. Howard.\" Had it been a motion picture, I would've dedicated it to
the directors whose films have inspired me over the years. Very high up on that list would've been
George Romero. It's nothing less than a crying shame that the makers of this film weren't truly as
inspired by Romero as their title suggests." ], [ "Not one of Keaton's best efforts, this was perhaps a veiled attempt to revenge himself on the family
he married into - the Talmadges. A Polish/English language barrier and a series of coincidences
leads Buster into a marriage with a large Irish woman, who (along with her father and brothers)
treat him shabbily until they think he may be an heir to a fortune. Mistaken identities abound here
- gags are set up and but for the main fail to pay off.

This Metro short does have at
least two real laughs - Buster's cleverly turning around his lack of dinner by using the calendar on
the wall and the basic ignorance of his adopted family to literally bring the meat to his plate. The
other is a family photo, with the entire group slowly collapsing to the floor as the tripod of the
camera loses its stability.

The yeast beer overflow could have been the catalyst for a
massive series of gags built upon gags, but stops short (for all the buildup) of development./>
Kino's print is crisp and clear and the score is one for player piano, drums and sound
effects. Not one of Buster's best efforts, but worth a few laughs." ], [ "I had high hopes for this one after reading earlier reviews but it was so slow and the plot so basic
that well I wondered if I had read the wrong reviews.

Please, a boy meets girl next door
at 11 and both aspire to love and being basketball legends. Grow apart, but watch each others
progress. Guess what! Both get scholarships to same university and become lovers again until his
father is caught out playing around with a younger woman. Our young hero unable to cope has lapse in
court concentration but some how decides to go pro and drop studies, and guess what is picked up by
Lakers. Dumps the heroine because she was not there for him during this emotional period. So for 5
years they go their own way. She returns from Spain having lost the zest for the game and our hero
is getting married in two weeks. Mom tells her that she should fight for her love so she professes
her on-going love and challenges him to a basketball shootout. He wins he marries she wins he loves
her. Well he won but decides to dump other girl for our girl. The End has her playing basketball and
he has baby duties. Sorry 2 is my high score. My partner she scored 0 for a soapy story for those
who read Mills and Boon" ], [ "This film is notable for three reasons.

First, apparently capitalizing on the success of
the two 'Superman' serials, this low budget feature was made and released to theaters, marking
George Reeves' and Phyllis Coates' initial appearances as Clark Kent / Superman and Lois Lane. Part
of the opening is re-used in the series. Outside the town of Silby, a six-mile deep oil well
penetrates the 'hollow Earth' allowing the 'Mole-Men' to come to the surface. Forget about the other
holes (those in the plot).

Second, unlike most SF invasion films of the fifties, the hero
plays a dominant (and controlling) force in preaching and enforcing tolerance and acceptance of
difference against a raging mob of segregationist vigilantes. No 'mild mannered reporter' here!
Clark Kent, knowledgeable and self-assertive, grabs control of the situation throughout (\"I'll
handle this!\"), even assisting in a hospital gown in the removal of a bullet from a Mole-Man! As
Superman, he is gentler than Clark towards the feisty Lois, but is also the voice of reason and
tolerance as he rails against the vigilantes as \"Nazi storm troopers.\"

Third, you will
notice that the transition from the Fleisher-like cartoon animated flying of Superman in the two
serials to the 'live action' flying in the 'Adventures of Superman' had not yet been made." ], [ "1st watched 5/27/2009 - 4 out of 10 (Dir - Harold Young): The 3rd Universal mummy movie is about the
same as the first two as far as the final result from the viewer's perspective. The story is similar
and the results are ho-hum. This time the story's location is the U.S. as the Egyptian priest's new
follower sends a mummy to our country in hopes he can revive him to kill descendants of those who
opened the original tomb. This time the mummy is played by Lon Chaney(which doesn't make much of a
difference because he's really not asked to do much acting for this character). The new priest
becomes a morgue-keeper in the town and sends the mummy out to do his dirty deeds after feeding him
the tanna leaf juice. Again, a girl gets in the way, as the priest falls for one of the descendent's
fiancé and wants her, yes--- to be immortal with him(haven't we heard this before?). The plan is, of
course, thwarted as the townsfolk hunt down the mummy with torches(similar to the Frankenstein
monster) and the burning of the creature ends the story...how do they get a sequel?? I guess you'll
find out with the next one in the series ?? or not....." ], [ "Let's see: there's a civil war, a lost city, a talking gorilla, some regular gorillas, a previously
unknown species of killer albino gorilla, the most powerful laser ever known to man, a *lot* of
diamonds lying mined and loose in the sand, attack hippos, an active volcano, and a hot air balloon
packed in a suitcase in a downed plane. That's not too much, is it? I've had more coherent fever
dreams (\"... and then the Romanian guy picked up a bunch of diamonds, because this was a lost city
that he had been looking for or something, but then the mean gorillas that we had seen before came
out of nowhere and ate him. Now somehow the talking gorilla was back from visiting the regular
gorillas, and, as a kind of earthquake or volcano started, the woman industrialist/doctor built a
gun using a laser and this big diamond she had just found in her dead fiance's hand...\"). It's a
blast if you're looking for more ammunition against the pernicious influence of Michael Crichton in
American entertainment (and hence world entertainment), and if you keep firmly in mind the extent to
which this cynical and half-hearted attempt fell on its face at the boxoffice. But, sadly, the men
responsible -- Crichton, sceenwriter John Patrick Shanley, director Frank Marshall -- probably never
lost a dime. Shame on them, and I mean that. 1/10" ], [ "\"A young man, recently engaged to be married, is the victim of a traffic accident and dies as a
result of his injuries. His father, desperate to revive his son, agrees to let a scientist friend
try his experimental soul transmigration process to save him. After the young man returns to life,
the father and fiancée notice a dark and violent change in the young man's behavior, leading them to
believe something went horribly wrong in the revival process,\" according to the DVD sleeve's
synopsis.

At one point, Edward Norris (as Philip Bennett) is asked, \"What do you think
this is, Boys Town?\" Mr. Norris should know, since he was in \"Boys Town\". \"The Man with Two Lives \"
is more like \"Black Friday\" minus Karloff and Lugosi. You do the math. This film might have been a
contender, with a re-worked script; it does feature an intriguing final act. After a tepid \"shoot
out\", hang in for the drama to pick up with a well-played scene between star Norris and pursuing
detective Addison Richards (as George Bradley).

**** The Man with Two Lives (1942) Phil
Rosen ~ Edward Norris, Eleanor Lawson, Addison Richards" ], [ "I was watching TV one day with a friend and we caught the last twenty minutes of \"Going Bananas.\"
Believe me when I say it was enough to get a good judgment of the film. The first scene that I saw
was the monkey, the kid, the fat guy, and the black guy who looked like Dave Chappelle, flying
around in a crop duster thousands of feet in the air. While everyone else was solemn about the
journey, the monkey seemed to be on some kind of drug binge where he kept shouting something that
resembled the English word faster. They then landed on a twenty yard long dock in Africa. After a
heart felt goodbye where the monkey cried (Hahahaha), the \"villains\" of the film appeared. They were
tearing complete ass in their vintage Cadillac when the evil monkey took an Air Jordan leap form the
dock onto the boat that was sailing away a clean 40 yards away and made them sink their beautiful
car into the Pacific Ocean. After seeing this film, I have a new purpose in life; to find the midget
who played the monkey and stab him in the eye with a fountain pen." ], [ "The storyline of \"The Stranger\" mirrors somewhat the 1969 film \"Journey to the Far Side of the Sun\"
(made by Gerry & Sylvia Anderson of 'Thunderbirds' and 'Space: 1999' fame). A parallel-universe
Earth is the premise of both films. But there is a difference. Where the world in \"The Stranger\"
features a totalitarian regime out to squash the freedom of the citizenry, \"Journey to the Far Side
of the Sun\" merely showed a true mirror world where handwriting, roads, houses, machinery of every
kind, and of course internal organs were all in reverse (or mirrored) order. So, the similarity of
parallel Earths is the only connection of both films.

Similarly, the TV series \"Land of
the Giants\" came before both of those films, having run from 1968 to 1970. It featured a world that
was nearly parallel to the Earth with the exception that the planet was populated by giants 12 times
the size of the humans who crash-landed there. The idea of a totalitarian government out to capture
and contain the 'little people' was similar to the premise of \"The Stranger\" more-so than the
premise of \"JTTFSOTS\". Perhaps because of the similarly to \"LOTG\", a series to \"The Stranger\" was
shelved. Had it turned into a TV series it would have been a sci-fi version of \"The Fugitive,\" with
star Glenn Corbett being chased by the baddies from week to week, hiding out in different locations,
etc. BTW, a stronger script could have helped this film along." ], [ "Brought to you by the following among others:

1- Yigal Carmon (Hebrew יגאל כרמון) is the
president and founder of the Middle East Media Research Institute (MEMRI)

Yigal's Career:


Colonel, Israeli Army Intelligence from 1968-88 Acting head and adviser on Arab affairs,
Civil Administration in Judea and Samaria, 1977-1982

2- Raphael Shore is an Israeli-
Canadian film writer, producer, and Rabbi employed full time by Aish HaTorah. He is the founder of
The Clarion Fund, a non-profit organization that seeks to advance the idea that the United States
faces a threat of radical Islam. Shore is also a regular critic of the media coverage on the
Israeli-Palestinian conflict, coverage which he alleges is regularly anti-Israel. (LMAO)
/>3- Anti-Defamation League (ADL) Funny how ADL supports this hateful propaganda. You can never tell
by reading their \"Anti-Defamation\" name title.

Use your mind and see how objective these
people are. They have their own agenda!

I think, therefore I am." ], [ "Back (again) in Scotland, Lassie is (again) on trial for her life. Because the faithful dog sleeps
on her master's grave, she must be put to death, according to law. Oddly, it is also explained that
Lassie had no \"legal\" owner, which is, apparently, also against an old Scottish law. If, after three
days, no owner is located, dogs must be destroyed. Edmund Gwenn (as John Traill) pleads Lassie's
case, which leads to an extended flashback, showing Lassie's adoption by Donald Crisp (as John
\"Jock\" Gray).

Although it's based on an interesting, original story (\"Greyfriars Bobby\"),
\"Challenge to Lassie\" revisits several earlier Lassie situations; and, it does not improve upon
them. Comparatively speaking, this one is sloppy and unexciting; and, it's a disappointing follow-up
to \"The Sun Comes Up\" (1949) *******. Geraldine Brooks (as Susan Brown) and several of the other
performers may be charming, but can't elevate this one. Little Jimmy Hawkins (from \"It's a Wonderful
life\") is among the notable children supporting Lassie; much later, he will grow up to marry \"Dark
Shadows\"' bewitching \"Angelique\" (Lara Parker)." ], [ "Breaker! Breaker! has Chuck Norris as a truck driver and a karate master, talk about juggling two
disparate careers. He gives a load he can't deliver to his younger brother Michael Augenstein and
then when the young man doesn't show up, Chuck goes looking for him.

What young
Augenstein has got himself into is a speed-trap run by Judge George Murdock who comes from the Roy
Bean school of jurisprudence. Of course Norris deals with matters in the usual Chuck Norris way and
when he gets in trouble, the call goes out over the CB for all the truckers to come and help their
good buddy. This speed-trap known as Texas City has a bad reputation and the drivers are only too
happy to help a pal.

Chuck's of course quite a bit younger and with no facial hair in
this one. He's got the tight lipped look of a man who realizes the Academy won't be looking at this
gobbler. George Murdock is overacting outrageously as the Judge Roy Bean wannabe.

This
one is strictly for the fans of Chuck Norris." ], [ "Make up your own mind. Personally I found it as much fun as receiving a spinal tap from Stevie
Wonder. No offense Mr. Wonder. Maybe it is comedy, but I just found it stupid. Not exactly the first
two choices to babysit your kids; Wheeler(Seann William Scott)and Danny(Paul Rudd),two energy drink
salesmen, to avert jail time are court ordered to mentor two kids from a development center run by
Gayle Sweeny(Jane Lynch). One of the misfits is Ronnie(Bobb'e J. Thompson), a foul-mouthed fifth
grader and the other is Augie(Christopher Mintz-Plasse), a bashful young man that roll plays in a
fantasy medieval world. Wheeler and Danny desperately try to give their charges an invaluable inside
view of life, love and heavy metal. Lynch is hilarious with her dry wit analogies. Supporting are:
Elizabeth Banks, Ken Jeongg, Kerri Kenney-Silver, Amanda Righetti and David Wain." ], [ "According to \"Lucien Rebatet\" in his \"Histoire de la Musique\" (Robert Lafont, BOUQUINS 1973 page
338) Beethoven's character was not very compatible with women. He had quite a number of \"Platonic
Passions\" with female members of the \"Vienese Aristocracy\" to whom he dedicated some \"sonatas\". But
Musicians , even composers did not qualify for Husbands of \"Fine Ladies\". Haydn was a \"servant\" of
Prinz Von Esterhazy, Mozart died from drink or Poison and Bethoven was according to Rebatet a
frequent customer of \"street prostitutes\" in Vienna. A British biographer, Newman says that
Beethoven contracted syphilis, before he was 40. That he became deaf because of that, is possible,
but not certain.

The Ninth Symphony was premiered on May 7, 1824 in the
Kärntnertortheater in Vienna, along with the Consecration of the House Overture and the first three
parts of the Missa Solemnis. This was the composer's first on-stage appearance in twelve years; the
hall was packed. Although the performance was directed by Michael Umlauf the theater's
Kapellmeister, Beethoven shared the stage with him quiet.

So what remains of this \"Female
Fantasy\". Ed Harris interpretation and characterization are quite good, but too linear, based on the
Painting by Ferninand Waldmüller date 1823. I have it in front of me. It shows a man that despises
(perhaps hates) the World. With good reason." ], [ "I've been a classic horror fan my entire life. Many nights stretched until the early hours of the
morning watching the Universal films on \"Horror Incorporated\" and \"Creature Feature Night\". Sadly, I
viewed this film in the early evening and yet it still almost put me to sleep.

I don't
think I've ever seen a \"horror\" picture where everything was so matter of fact. Dr. Edelmann doesn't
seem to believe in the supernatural, yet before long he's medically treating Dracula and watching
Larry Talbot change into the Wolfman while hardly blinking an eye. He and Talbot discover the
Frankenstein monster like it's an everyday occurrence. Edelmann is all fired up to bring the monster
back to life, but after Talbot, Miliza and Nina protest he's like \"Aww, you're right. No big deal\".
After realizing Dracula's treachery, he opens the Count's coffin to sunlight and POOF!, he's gone,
just like that.

The only person who didn't appear to just be phoning in her lines was
Jane Adams as Nina. Her reward is getting bounced off the hump in her back into a pit by the
Frankenstein Monster at the end of the film...and no one even tries to rescue her! She, Dr. Edelmann
and the Monster all perish, while Talbot and Miliza casually leave the castle.

Definitely
the low point for Universal during it's classic horror years." ], [ "During the early 1980's, Kurt Thomas was something of a hero in the United States. Inevitably, men
in his position get offered film roles that exist solely to capitalize on that. I have no idea what
Thomas was paid to make this film, but I would have to be paid a big heap of money to agree to make
a national fool of myself in a motion picture. The film is obviously derived from \"Enter The
Dragon,\" as are most martial arts pictures. Only instead of a real martial art, they concoct an
absurd new martial art, accurately described by one critic as \"a cross between Kung Fu and break
dancing.\" A gymnast (Thomas, of course) is hired to rescue some lady from an impenetrable fortress,
yet every room has a prop that is exactly what Thomas needs to kick the assistant baddies. Of
course, he fights his way to the lead villain, and of course they have a fancy-dancy fight, with an
ending that will surprise only those who have never seen a marshal arts film. There are touches
which nostalgic types will like, particularly the mullet haircuts of Thomas and many of the male co-
stars have. But the only reason to watch this film is if you have a grudge against Kurt Thomas, who
now wishes he had never set foot on the film set." ], [ "A pale shadow of a great musical, this movie suffers from the fact that the director, Richard
Attenborough, completely misses the point of the musical, needlessly \"opens\" it up, and muddies the
thrust of the play. The show is about a group of dancers auditioning for a job in a B'way musical
and examines their drive & desire to work in this demanding and not-always-rewarding line of work.
Attenborough gives us a fresh-faced cast of hopefuls, assuming that they are trying to get their
\"big break\" in show business, rather than presenting the grittier mix of characters created on stage
as a group of working \"gypsies\" living show to show, along with a couple of newcomers. The film has
one advantage over the play and that is the opening scene, showing the size of the original audition
and the true scale of shrinkage down to the 16/17 on the line (depending on how you count Cassie,
who is stupidly kept out of the line in the movie). Anyone who can catch a local civic light opera
production of the play will have a much richer experience than seeing this poorly-conceived film." ], [ "\"In the sweltering summer of 1958, the Deuces, a gang of Brooklyn toughs, find their turf threatened
when the leader of a rival gang, the Vipers, is released from prison. Leon (Stephen Dorff), the
Deuces' leader, tries to guide his boys through bloody brawls to keep the Vipers out. But when his
brother (Brad Renfro) falls into a sultry - and dangerous - relationship with Annie (Fairuza Balk),
the sister of a Viper, and his own girlfriend is brutally attacked, Leon and his gang are plunged
into an all-out war to save his brother, his girl - and his neighborhood!\" according to the DVD
sleeve description. This is definitely no \"Basketball Diaries\".

Think of it as \"West Side
Story\" getting hit over the head with baseball bats and steel pipes, stickball having left Brooklyn
with the Dodgers. \"Deuces Wild\" has some cool Hollywood sets, 1950s cars and soundtrack songs; and,
much of it is nicely photographed by John A. Alonzo. The story and direction never get beyond these
strengths, which enables the film to peak during its opening minutes, and proceed downhill. The cast
looks good when you read the credits, but translates into an ageing, flabby mess of phony
pompadours, blood, and Brylcreem… and one fright wig. A sense of sadness and regret permeates the
production.

*** Deuces Wild (5/3/02) Scott Kalvert ~ Stephen Dorff, Brad Renfro, Fairuza
Balk, Frankie Muniz" ], [ "\"A Texas community is beset with a rash of mysterious killings involving some of the students from
the local college. The sheriff investigating the death discovers the startling identity of the
killer responsible for the murders. A NASA experiment involving cosmic rays has mutated an ape and
turned it into an unstoppable killing machine with a thirst for blood,\" according to the DVD
sleeve's synopsis.

Or, could the creature really be a mutated alligator returning from a
space-bound \"Noah's Ark\"?

A long opening, with laughably straight 1960s couple Ralph
Baker Jr. (as Chris) and Dorothy Davis (as Judy), suggests \"Night Fright\" might be a joyously bad
movie; but, don't get your hopes up. After some innocent cavorting, the attractive collegiates
discover another couple has encountered a monster; naturally, the creature is hell-bent on
terrorizing young romantics. Sheriff John Agar (as Clint Crawford) isn't trusted by the younger set;
but, he really wants to help.

Mr. Agar was a friend of my aunt; he spoke about very few
movies, and this wasn't one of them." ], [ "THE BROKEN is part of the After Dark Horrorfest III. Not a slasher or filled with gore. Plenty of
broken glass and mirrors in this edgy thriller from France and writer/director Sean Ellis. A
successful radiologist Gina McVay(Lena Headly)inters a strange world as her life seems to spiral out
of control. While attending her father's(Richard Jenkins)birthday party, the guests are stunned when
a mirror crashes to the floor for no obvious reason. Things get really strange when she witnesses a
woman that is the spitting image of herself driving down a London street in a car identical to her
own. Gina sneaks to her doppelganger's apartment and finds a photo of herself with her father. She
drives away and is involved in a head on collision. Then mysteriously her boyfriend is not the same;
to be exact family and friends are not easy for her to trust. Is Gina beside herself? Is she in a
parallel world? Her nightmares become more horrific...is she broken?

Kudos if you can
figure this one out...it won't be easy. Editing couldn't be any tighter. Lighting is questionable.
Other players: Melvil Poupard, William Armstrong, Michelle Duncan and Ulrich Thomsen." ], [ "...when he remade Broadway BILL (1934) as RIDING HIGH (1950). Recasting Bing Crosby as DAN BROOKS
did not help a screenplay that was 'dated' in 34 let alone 50. This sad film has entire scenes
lifted from the original with many of the supporting cast repeating their roles, unless they were
dead. Though being older did not seem to matter to the Director. Nor that the Cars and Clothes in
the background plates from 1934 did not seem match up too 1950s' standards. Not even 'der Bingel'
singing can redeem this effort.

We rated both the original and the remake IMDb
Four****Stars. Frank's touch was long gone and all that was left was CAPRA-CORN. That did not stop
Mr. Capra though. After floundering around the 50's making some educational documentaries he wound
up his career remaking LADY FOR A DAY (1933) as POCKETFUL OF MIRACLES (1961). Again a fine cast was
let down on that IMDb Six******Star effort compared too the originals Eight********Stars. Sometimes
it is better to quit while you were still ahead, right after STATE OF THE UNION (1948)." ], [ "This is an installment in the notorious Guinea Pig series. A short lived japanese TV-show, that got
cancelled after a psychopath admitted to being inspired in the killing of a young schoolgirl by the
show. This short in the series is, like all the other films in the series, practically without any
story. A group of guys have captured a young woman. They tie her down and proceeds to torturing her
to death while videofilming her. They beat her, pour boiling oil over her, use pliers on her and
finally, in \"loving\" closeup, push a needle through her eye. This is the most straightforward of all
the Guinea Pig movies, and one of the first. It was probably this film, more than any of the others,
that gave Guinea Pig the rumour of being snuff. They certainly gave inspiration to Nicolas Cage's
movie \"8 mm.\". These movies have gotten quite popular in horror circles. They have progressed to
more polished, but equally graphic movies like \"Naked Blood\". They probably fill the void left by
the Mondo movies, that got slightly cleaned up and became reality TV. Not recommended, but will
probably allure those who will see anything once, and wonder why afterwards, I know I did." ], [ "Joyce Reynolds seems a might grown-up for the role of Janie, a boy-crazy sixteen-year old in small
town America who ditches her steady guy for a visiting soldier AND winds up on the cover of Life
magazine (smooching at a blanket party) all in the same week! Non-stop barrage of wisecracks, put-
downs, bull talk, and unfunny bits of business such as Janie's little sister bribing family members,
Hattie McDaniel (as the maid) constantly scuttling after sassy kid sis, Janie's mother involved with
the Red Cross, and Janie's father trying to write an editorial on the problems with today's
teenagers (as the parents, stuffy, sexless Edward Arnold and pert, chatty Ann Harding make an
unlikely couple, even for 1944; he looks incapable of helping to conceive a child much less raising
two of them). Nominated for an Academy Award (!) for Owen Marks' editing, Warner Bros. followed this
in 1946 with \"Janie Gets Married\". Reynolds must have outgrown her co-horts by then--she was
replaced by Joan Leslie. *1/2 from ****" ], [ "One-note comedy that probably sets modern day feminists' teeth on edge. Department store clerk Betsy
Drake is in love with the idea of babies and marriage, pinning her hopes on women's magazines until
she spies super-bait in the form of sleek bachelor Cary Grant. The rest of the film plods from one
ploy to the next as the relentless Drake pursues her quarry. I guess the word \"perky\" just about
sum's up Drake's approach to the role. She does have a charming smile, but after 20 minutes of
memorizing her dentures, I began to overdose. Grant's role is basically secondary and minus his
usual flair. There is one scene, however, that almost salvages this slender exercise. Drake queries
the hapless Grant following his lecture to a roomful of respectable ladies. Here her perky manner
has an unforced freshness that is really quite remarkable, and had the production not rubbed our
noses in that upbeat grin for 90 minutes, the film might have amounted to more than a girls' camp
day-dream, circa 1948." ], [ "To confess having fantasies about Brad Pitt is a pretty tough admission for an heterosexual to make.
But what can I tell you? Maybe is that famous extra something that everybody talks about and makes a
star a star. It crosses that barrier. It pulls you into unknown sensual and emotional territory.
Brando had it in spades, Montgomery Clift, Gary Cooper, James Dean of course and in more recent
times, Tom Cruise, Jude Law, Johnny Depp, Ewan McGregor and Billy Crudup. Women fell in love with
Garbo, Dietrich, Katharine and Audrey Hepburn, Grace Kelly, Marilyn Monroe, Julie Christie,
Charlotte Rampling, Meryl Streep, Vanessa Redgrave, Julia Roberts and very very recently Natalie
Portman. But Brad Pitt has, singlehandedly, redefined the concept. He is the only reason to go out,
get in the car, find parking, buy a ticket, popcorn and get into a theatre to see \"Troy\" If you
liked epics in the \"Jupiter's Darling\" style you may enjoy this. But if you don't, go all the same,
we want to keep Brad Pitt in business." ], [ "In the ravaged wasteland of the future, mankind is terrorized by Cyborgs—robots with human
features—that have discovered a new source of fuel: human blood. Commanded by their vicious leader
Jōb (Lance Henriksen), the Cyborgs prepare to overtake Taos, a densely populated human outpost./>
Only one force can stop Jōb's death march—the Cyborg Gabriel (Kris Kristofferson), who is
programmed to destroy Jōb and his army.

In the ruins of a ransacked village, Gabriel
finds Nea (Kathy Long), a beautiful young woman whose parents were killed by Cyborgs ten years
earlier. Now she wants revenge. They strike a pact: Gabriel will train Nea how to fight the Cyborgs
and Nea will lead Gabriel to Taos.

Five-time kick-boxing champion Kathy Long has all the
right moves in this high-speed adventure that delivers plenty of action. Also stars Gary Daniels (as
David) and Scott Paulin (as Simon)." ], [ "Confounding melodrama taken from a William Gibson story, produced by John Houseman and directed by
Vincente Minnelli! Richard Widmark heads up posh, upscale rural nervous asylum, where his loose wife
battles with self-appointed queen bee Lillian Gish, and Widmark himself gets the straying eye for
staff-newcomer Lauren Bacall, who is putting her life back together after the death of her husband
and child. Facetious and muddled, set in an indiscriminate time and place, and with a \"David and
Lisa\" love story hidden in the plush morass. Widmark and Bacall do have some good chemistry
together, but this script gives them nothing to build on. For precisely an hour, most of the
dialogue concerns what to do about the drapes hanging in the library (this thread isn't used as
symbolism, rather it's a red herring in a non-mystery!). The picture hopes to show the loggerheads
that disparate people come to when they're working in the same profession and everyone thinks their
opinion is right, but unfortunately the roundabout way Minnelli unravels this stew is neither
informative, enlightening nor entertaining. ** from ****" ], [ "Disappointing film with Walter Pidgeon as a hunter who goes to Germany to assassinate Hitler. When
he is discovered, he is coerced into signing a document stating that he acted on orders from
England. His refusal to sign the document brings us to the plot of the film.

Pidgeon is
pursued back to England by the evil George Sanders and his cohort, John Carradine, who speaks
little, but is again as always, the embodiment of wickedness personified.

Along the way
of being pursued, Pidgeon meets up with Joan Bennett, the latter displaying a wonderful cockney
accent.

The story gets bogged down somewhat as love develops between the two, but again
as we approach World War 11, realism becomes the object of the day.

The near-ending scene
in the cave between Sanders and Pidgeon is nicely realized but we know where that arrow is going to
go to.

Very interesting that while Pidgeon is fleeing Nazi Germany, he meets up again
with a young Roddy McDowall, one of Pidgeon's many co-stars that same year in the memorable \"How
Green Was My Valley.\" How green was \"Man Hunt?\"" ], [ "In the aftermath of September 11th in New York, this drama about American firefighters was conceived
as a salute and tribute to their professionalism. The story is told with a series of flashbacks,
where after firefighter Jack Morrison (Joaquin Phoenix) has crashed through the floor of a burning
building, and only communicating with Captain Mike Kennedy (John Travolta) via the radio. The
flashbacks basically show how Jack grows from being a recruit, seeing Kennedy as a father figure, to
being a firehouse legend. Of course, in the present day, Jack's fellow firefighters are trying to
reach him, but they are too late, and in the end, he lets them leave him, and it forwards to his
funeral, where he is praised as one of the best firefighters they have known. Also starring Jacinda
Barrett as Linda Morrison, Terminator 2's Robert Patrick as Lenny Richter, Morris Chestnut as Tommy
Drake, Billy Burke as Dennis Gauquin, Balthazar Getty as Ray Gauquin and Tim Guinee as Tony
Corrigan. The blazes of the film are ultimately all I could pay attention to and enjoy seeing the
characters tackle them, the rest is a bit too chatty for my liking. Adequate!" ], [ "Occasionally one is served a new entrée from foreign films. That is their great attraction. They
take from life and serve it up raw. American films, rarely dare to touch the forbidden subjects of
society. Too many hang-ups and a morbid fear of financial failure. The Almighty dollar, determines
their selections. Something which invites European directors. In addition, audiences world wide
remain hungry for \"different\" films, especially those which offer a savory bite out of the wretched,
suffering body of humanity. Despite the fear of directors or producers, many audiences yearn for
beauty, poetry, and the pristine flavor of life. That is what the film \"To the Left of the Father\"
offers to curious audiences. A family locked in the belief that unity of family stems from the unity
of it's obedience to tradition. Yet when the patriarch of a family forgets it's members are flesh
and blood humans, filled with raging, unbridled dreams and dark passions, then the two are set in
motions against itself. Selton Mello plays André a son who seeks to control his inner passions with
the stagnant philosophy of his father. Raul Cortez plays his Father. Simone Spoladore is Ana a young
woman who seeks to quench a forbidden thirst from the family waters. Leonardo Medeiros is Pedro, the
elder brother. The film offers much, but does takes an extremely inordinate amount of time to say
it. ***" ], [ "To heighten the drama of this sudsy maternity ward story, it's set in a special ward for \"difficult
cases.\" The main story is Loretta Young's; she's on leave from a long prison stretch for murder.
Will the doctors save her baby at the cost of her life, or heed her husband's plea for the opposite?
Melodrama and sentiment are dominant, and they're not the honest sort, to say the least. For
example, just to keep things moving, this hospital has a psycho ward next door to the maternity
ward, and lets a woman with a hysterical pregnancy wander about stealing babies.

There
are just enough laughs and sarcasm for this to be recognizable as a Warners film, mostly from Glenda
Farrell, who swigs gin from her hot-water bottle while she waits to have twins that, to her chagrin,
she finds there's now a law against selling. An example of her repartee: \"Be careful.\" Farrell:
\"It's too late to be careful.\" Aline MacMahon is of course wonderfully authoritative as the chief
nurse, but don't expect her to be given a dramatic moment.

The main theme of the film is
that the sight of a baby turns anyone to mush. Even given the obvious limitations, this film should
have been better than it is." ], [ "What a load of Leftist Hollywood bilge. This movie glorifies mutiny as brave and noble if it be for
pacifist principles. The fairytale ends with the pacifist character, played by Danzel Washington,
actually getting promoted for his treason. What is it with these Hollywood tools? Is this still
payback for McCarthyism?

If I sound cynical it's because I am fed up with movies hawking
a political agenda. The military brass in this movie are portrayed as, what else? Gung-ho war
mongers. Sound familiar? Ever see a movie where the CIA or any government agency is not evil? Think
about it. Yet again, Crimson Tide stresses the point. The Hackman character, U-boat captain Ramsey,
comes across like a raving lunatic, until the very end when, of course he comes to his senses, does
a complete 360, renounces his blood lust, suggests a promotion for the treasonous Ron Hunter, and
repents by retiring from the service. A guy mutinies, takes command of your boat, puts the U.S at
grave risk of receiving a nuclear first-strike, and you promote him???? What hogwash!" ], [ "\"When a small Bavarian village is beset with a string of mysterious deaths, the local (magistrate)
demands answers into (sic) the attacks. While the police detective refuses to believe the nonsense
about vampires returning to the village, the local doctor treating the victims begins to suspect the
truth about the crimes,\" according to the DVD sleeve's synopsis.

An inappropriately
titled, dramatically unsatisfying, vampire mystery.

Curiously, the film's second tier
easily out-perform the film's lackluster stars: stoic Lionel Atwill (as Otto von Niemann), skeptical
Melvyn Douglas (as Karl Brettschneider), and pretty Fay Wray (as Ruth Bertin). The much more
enjoyable supporting cast includes bat-crazy Dwight Frye (as Herman), hypochondriac Maude Eburne (as
Aunt Gussie Schnappmann), and suspicious George E. Stone (as Kringen). Mr. Frye, Ms. Eburne, and Mr.
Stone outperform admirably. Is there another movie ending with a mad rush to the bathroom?
/>Magnesium sulfate… Epsom salts… it's a laxative!

**** The Vampire Bat (1933) Frank
Strayer ~ Dwight Frye, Melvyn Douglas, Maude Eburne" ], [ "I gave this movie a single star only because it was impossible to give it less.
/>Scientists have developed a formula for replicating any organism. In their lab(a run down
warehouse in L.A.), they create a T-Rex. A group of industrial spies break in to steal the formula
and the remainder of the film is one endless foot chase.

Of course the T-Rex(a rubber
puppet)gets loose and commences to wipe out the cast. It has the amazing ability to sneak up within
2 or 3 feet of someone without them noticing and then promptly bites their head off.

One
cast member escapes in a police car and spends the remainder of the film driving aimlessly through
the city. She is of such superior mental ability that she can't even operate the radio. She never
makes any attempt to drive to a substation or a donut shop and appears hopelessly lost.
/>The T-Rex wreaks havoc throughout the city, there are blazing gun battles and buildings(cardboard
mock-ups)blowing up, but a single police car, or the army, nor anyone else ever shows up. Such
activity must be commonplace in Los Angeles.

We can only hope that a sequel isn't
planned." ], [ "\"The Deadly Look of Love\" is essentially \"Fatal Attraction\" with a couple of twists added onto the
back half. The ending will not surprise anyone who has seen more than two or three Movies of the
Week. It is yet another cautionary tale about succumbing to temptation, and it adds nothing fresh to
the genre.

Brett (Vincent Spano) is engaged to a beautiful woman who just happens to have
a sizable trust fund. Even though he has it all, he risks losing everything by starting up a steamy
side affair with Janet (Jordan Ladd). Janet, a doe-eyed blonde from Cedar Falls, falls hard for
Brett, and she does not take it particularly well when he comes clean about his engagement. Shortly
after the wedding, Mrs. Brett turns up dead in the master bedroom of the large, luxurious home she
shared with her new husband. When the police question Brett, he promptly points the finger at Janet.
Following her arrest, Janet seems to get loonier by the minute - not that she was the picture of
stability before. Her defense attorney (Holland Taylor) is convinced that Janet is innocent and is
hell bent on proving it.

Did she do it or didn't she? How will it end? You can find out
the answers to these questions the next time \"The Deadly Look of Love\" airs on your local station.
And be sure not to miss the moral of this beautiful story: men are pigs, and women are crazy." ], [ "DIRTY WAR

Aspect ratio: 1.78:1

Sound format: Stereo

Emergency
services struggle to cope when Islamic terrorists detonate a so-called 'dirty bomb' in the middle of
London.

Daniel Percival's frightening movie uses all available evidence to dramatize the
possible effects of a radioactive explosion in the heart of the UK capital, using the kind of
documentary-style realism which has distinguished this particular subgenre since the 1960's. In
essence, the film reveals a catalogue of flaws in the British government's current strategy for
dealing with such terrorist outrages, and Percival's carefully-honed script (co-written by Lizzie
Mickery) vents its spleen against mealy-mouthed politicians who would rather maintain the economic
status quo than tackle this issue head-on. The film covers all necessary bases, and makes the
salient point that this kind of terrorism is practised by a tiny handful of fanatics who have
tarnished the Islamic faith with their reckless disregard for human life, though viewers won't be
reassured by the subsequent scenes of devastation and horror. Not merely a drama, the film acts as a
warning against complacency. Either that, or its just another post-9/11 scaremongering tactic. YOU
be the judge..." ], [ "Just watched on UbuWeb this early experimental short film directed by William Vance and Orson
Welles. Yes, you read that right, Orson Welles! Years before he gained fame for radio's \"The War of
the Worlds\" and his feature debut Citizen Kane, Welles was a 19-year-old just finding his muse.
Besides Vance and Welles, another player here was one Virginia Nicholson, who would become Orson's
first wife. She plays a woman who keeps sitting on something that rocks back and forth courtesy of
an African-American servant (Paul Edgerton in blackface). During this time a man (Welles) keeps
passing her by (courtesy of the scene constantly repeating). I won't reveal any more except to say
how interesting the silent images were as they jump-cut constantly. That's not to say this was any
good but it was fascinating to watch even with the guitar score (by Larry Morotta) added in the 2005
print I watched. Worth a look for Welles enthusiasts and anyone with a taste of the avant-garde." ], [ "The acronymic \"F.P.1\" stands for \"Floating Platform #1\". The film portends the building of an
\"F.P.1\" in the middle of the Atlantic Ocean, to be used as an \"air station\" for transatlantic plane
flights. Based a contemporary Curt Siodmark novel; it was filmed in German as \"F.P.1 antwortet
nicht\" (1932), in French as \"I.F.1 ne répond plus\" (1933), and in English as \"F.P.1\" (1933). Soon,
technology made non-stop oceanic travel much more preferable.

Stars Conrad Veidt (as
Ellissen), Jill Esmond (as Droste), and Leslie Fenton (as Claire) find love and sabotage on and off
the Atlantic platform. Karl Hartl directed. Mr. Veidt is most fun to watch; but, he is not
convincing in the \"love triangle\" with Ms. Esmond and Mr. Fenton. The younger co-stars were the
spouses of Laurence Olivier and Ann Dvorak, respectively. Both the concept and film have not aged
well.

**** F.P.1 (4/3/33) Karl Hartl ~ Conrad Veidt, Jill Esmond, Leslie Fenton" ], [ "\"The Return of Chandu\" is notable, if one can say that, for the casting of Bela Lugosi as the hero
rather than the villain. Why he even gets the girl.

The story as such, involves the
Black Magic Cult of Ubasti trying to capture the last Egyptian princess Nadji (the delectable Maria
Alba) and use her as a sacrifice as a means of reviving their ancient leader who just happens to
look like Nadji. Lugosi as Chandu, who possesses magical powers, tries to thwart the villains./>
Director Ray Taylor does his best with limited resources and extensive stock footage. Fans
of King Kong (1933) will recognize the giant doors that were used to keep Kong at bay in several
scenes. The acting is for the most part, awful. The actor who plays the high priest (I believe
Lucien Prival) for example, uses that acting coach inspired pronunciation that was so common in the
early talkies. The less said about the others the better.

It is a mystery why Lugosi
accepted parts in independent quickies at this stage of his career, because he was still a bankable
star at Universal at this time. Maybe it was because in this case he got to play the hero and get
the girl, who knows. As his career started to spiral downwards in the late 30s, this kind of fare
would become the norm for Lugosi rather than the exception.

" ], [ "Is there a movement more intolerant and more judgmental than the environmentalist movement? To a
budding young socialist joining the circus must seem as intimidating as joining a real circus. Even
though such people normally outsource their brain to Hollywood for these important issues, the
teachings of Hollywood can often seem fragmented and confusing. Fortunately Ed is here to teach neo-
hippies in the art of envirojudgementalism.

Here you'll learn the art of wagging your
finger in the face of anyone without losing your trademark smirk. You'll learn how to shrug off
logic and science with powerful arguments of fear. You'll learn how to stop any human activity that
does not interest you by labeling it as the gateway to planetary Armageddon.

In addition
to learning how to lie with a straight face you'll also learn how to shrug off accusations that are
deflected your way no matter how much of a hypocrite you are. You'll be able to use as much energy
as Al Gore yet while having people treat you as if you were Amish.

In the second season
was even more useful as we were able to visit other Hollywood Gods, holy be thy names, and audit -
i.e. judge - their lifestyles. NOTE: This is the only time it's appropriate for an envirofascist to
judge another because it allows the victim the chance to buy up all sorts of expensive and trendy
eco-toys so that they can wag their finger in other people's faces.

What does Ed have in
store for us in season three? Maybe he'll teach us how to be judgmental while sleeping!" ], [ "An aging Roger Moore is back yet again as Bond, this time trying to find out why Agent 009 was
killed, and why he had a forgery of a Faberge egg with him, and where it came from. He ends up in
New Delhi India, then in East Germany after finding out about a Russian general trying to detonate a
nuclear bomb at a circus, hoping NATO will push for complete disarmament, so he can take control of
Western Europe, then the rest of the world.

Despite the way it sounds, this is really
more of a romance, I think, between Bond and Octopussy than an action movie, and longish, but still
somewhat fun. But there are way too many attempts at humour in this one; at times it seems like it
was intended to be a comedy. Also, Timothy Dalton would have been better than Roger Moore in this,
so there wouldn't have been so much of an age difference between Bond and Octopussy.
/>Useless trivia: the small plane used by Bond in the pre credits sequence is now hanging up in a
Quaker Steak and Lube restaurant in Clearwater/ Largo area Florida, USA.

**1/2 out of
****" ], [ "When I saw this \"documentary\", I was disappointed to see Serbian Propaganda in action once again.
Even though Serbia and its nationalist politics is main reason of Yugoslavian breakup, it is not
mentioned in this \"documentary\", which is made by Bogdanovich whose name tells us that he is Serbian
and his movie that he is far from being objective. It is one in the set of lies pushed by Milosevic
regime. Everyone else is guilty only Serbians were right and victims, even though most of the War
Criminals tried in Hague are Serbs, even though Serbs are one who have committed genocide against
Bosnians , and attacked Slovenia, Croatia,and Bosnia all independent nations recognized by the
UN.Breakup of Yugoslavia was not avoidable because Serbians did not want to release the grip their
nationalism has put on Federal Yugoslav government, so SLovenia, Croatia, Macedonia, and Bosnia were
forced to become independent nations in order to protect their interests.If you are interested in an
objective documentary about breakup of Yugoslavia, and fact led documentary this is not it . You
should watch \"Yugoslavia:Death of a Nation\", Made by Discovery channel and BBC." ], [ "Russell Hopton acted in many films until his death in 1945. He only directed 2 and \"Black Gold\" was
one, (the other was also from 1936). Frankie Darro had a sometimes abrasive screen presence but in
this he was playing a good kid. He was obviously quite popular on the \"quickie\" circuit - he made so
many films. In this one he plays the son of an old oil rigger who is convinced that he will strike
oil very soon.

J.C. Anderson (Berton Churchill) is trying to convince the old man to sell
up as he knows there is going to be oil struck at any moment. A geologist, Henry, comes on the scene
and helps \"Fishtail's\" dad. He also convinces \"Fishtail\" to go to school regularly. Henry has his
eye on Cynthia, the pretty teacher. This was Gloria Shea's last film - she had begun her career as
Olive Shea in \"Glorifying the American Girl\" (1929). \"Fishtail's\" dad is killed when the rig is
sabotaged and Henry is determined to bring Anderson and his cronies to justice. When Henry is
kidnapped Anderson tries to persuade \"Fishtail\" to sell his oil lease. It all ends well with oil
being struck and \"Fishtail\" going to Military school.

It is okay for a rainy day." ], [ "For the first fifteen minutes the story of NAKED FAME is interesting: two late thirties male porn
stars in a seemingly healthy relationship decide to leave the Porn industry and try for the world of
singing and acting. The two very buff and preening men are Colton Ford and Blake Harper. With the
aid of Kevin Aviance and Marc Berkely, Colton makes a dance track that is then marketed in New York
with the hopes that Colton Ford will become an instant star - a unique disco singer touting his
background as a Porn Star for PR.

The remainder of the film is grumbling and in-fighting
and commentary by Porn Producer ChiChi LaRue and the film slowly sinks into repetition and doldrums.
Not a bad idea for a film if there were a bit more depth revealed in each character's drive to move
away form a successful career (though one greatly influenced by the youth both characters have lost)
into an alternative one. It is just that a one-note song wears thin quickly. Grady Harp, November 05" ], [ "First off just to say i didn't get the edition I thought I would - I chose the Italian version over
the R2, but what actually arrived was a UK release from 1998 - claiming to be a special edition - i
never knew there WAS a UK DVD release - but the promised biogs were not actually on the disc - just
a couple of duff trailers. Anyway - as to the film itself - just as I was recovering from \"Night
TRain Murders\" my second genital mutilation thriller turns up in the same month - this time in (an
Italian) UK nubile schoolgirls are being offed and Teacher Fabio Testi - (unhappily) married but
nailing one of his students - becomes the main suspect. Joachim Fuchsberger is the detective on the
case. Sorry to say I was less than entranced. It was watchable but more than equally miss able,and
aside from the aforementioned gruesome nature of the crime, the \"surprise\" killing of Cristina Galbo
which was actually \"spoilt\" by the DVD cover telling me about it - Grrrrrr!!!! and a surprise twist
that cast the \"victims\" in a new light - i thought this was very routine. Itwont put me off the two
\"sequels\" though. with Karin (Hannibal Brooks)Baal and Camille (I Spit on your grave\") Keaton." ], [ "It's partly bad luck for \"Illuminata\" that it comes out after \"Shakespeare in Love\" as it deals with
virtually the same themes of life as art, art as life and the Magic of the Theatre and the same
archetypal Foibles of Theater Folk, but a whole lot more ponderously.

There are scenes
that come alive, as a play develops and gets reinterpreted by a writer's life, but there's a whole
lot of Orson Welles-ish ego in this produced by/directed by/lead acted by John Torturro as a vehicle
for his wife Katharine Borowitz (with an adorable cameo by their son).

Each actor gets
his/her moment literally in the spotlight, but there's so many \"masques\" or set pieces that seem
like 19th century parlor games. Bill Irwin Talks. Susan Sarandon gets to be a diva. Christopher
Walken gets to be a different kind of villain - a gay critic. The women have to disrobe
unnecessarily because this is an Art Film.

The art and set direction are marvelous,
though quite dark. This should get an award as the Best Use of a Jersey City Theater as A Set Ever
In a Movie. (originally written 8/21/99)" ], [ "This UK psychological thriller is known in the United States as CLOSURE. Exploitation of X-Files'
Gillian Anderson, who plays an attractive middle aged businesswoman of substance named Alice. She
must attend a business party and invites Adam(Danny Dyer), who just installed a security system for
her, to be her escort. On the way home, speeding through the woods on a narrow lane, Alice's auto
collides with a deer. After pulling the wounded animal off the road, the couple is savagely attacked
by a drunken gang of thugs. Adam is beat to a pulp; Alice is gang raped and both are emotionally and
physically devastated by the ruthless attack. When the identities of their attackers are discovered,
Alice and Adam set out to exact revenge...brutal revenge. The couple at times find themselves at
odds on how to deal with the ruthless attackers. Their final decision is to avenge with no mercy.
Let there be no mistake, payback IS hell. Also in the cast: Anthony Calf, Ralph Brown, Francesca
Fowler and Antony Byrne. Brutal violence, disturbing images, nudity and graphic rape." ], [ "It's a shame Barry Humphries infamous Sir Les Patterson character had it's film debut in this under
cooked spy/comedy.

This film reminded me of the Beatty/Hoffman stinker, Ishtar (1987).
Humphries should have learned from the mistakes that film made - if your going to change gears on a
concept DON'T USE SPIES! Like Ishtar, the first 20 minutes or so offer a promise of something
different. It would have been great to see the anachronistic and boorish Patterson sleazing around
in the world of Australian politics. One of characters even point out that Patterson is of date with
the current times - you'd think Humphires could of had a field day making commentary on the Hawke
government (I can just picture a scene with Patterson and Hawkie in a drinking contest). But instead
of a film that might of been clever and even a biting look into that world, we get Patterson running
around the world as James Bond trying to save the world from bio-chemical weapons that runs out of
steam before the half way mark.

Disappointing." ], [ "Ronald Reagan and a bunch of US soldiers in a North Korean POW camp. They are tortured... We learn
North Korean Communists are bad people... We learn Americans' beards grow very slowly during days of
torture...

I tried to suppress it, but I finally burst out laughing at this movie. It was
the scene when Mr. Reagan comes out from telling the Communists he wants to be on their side. Then,
he asks for a bottle of brandy. Next, acting stone-cold sober, he takes a drunken companion, Dewey
Martin, to get sulfur to cure Mr. Martin's hangover. Of course, the North Korean communist guard is
as dumb as they come. So, the drunk distracts the guard while Reagan goes over to get something from
a drawer, which is next to a bunch of empty boxes. I'm sure he boxes were supposed to contain
something; but, of course, Reagan causes them to shake enough to reveal they are empty. Ya gotta
laugh! I think \"Prisoner of War\" will appeal mainly to family and friends of those who worked on it
- otherwise, it's wasteful.

* Prisoner of War (1954) Andrew Marton ~ Ronald Reagan,
Steve Forrest, Dewey Martin" ], [ "Wesley Snipes is James Dial, an assassin for hire, agent of the CIA and pure bad-ass special
operative. During his free time Dial dons a cowboy hat and breeds horses with macho names such as
Beauty.

Enter agent Collins, his supervising officer. Enter a new assignment - kill a
terrorist that is in UK custody. Of course the United Kingdom being an allied state is a great place
for covert ops and head-shots outside of courtrooms.

The assassination is a big success
apart from the fact, that the escape plan blew. So Dial's partner and local liaison gets killed in
action trying to escape the police, whilst Dial becomes hot property with the London coppers trying
to get to him and CIA trying to dispose of him.

Fortunately for Dial the safe-house is
routinely visited by a teenager Emily Day (Eliza Bennett), who loves hanging out with cold-blooded
killers with arrest warrants and help them escape from the evil UK law enforcement...
/>With a script like that need I say more? On the plus side Wesley Snipes is Wesley Snipes (be that
a pro or a con) and the movie is quite engaging. On the minus editing is very disjointing and has a
hurl effect on the stomach." ], [ "A typical Lanza flick that had limited audience appeal with a weak story line that was put together
simply to justify Lanza's MGM contract at the time.

As reported by member Lastliberal
(above) Grayson could not stand Lanza because of his obscene advances towards her off (and sometimes
on) camera. In addition, his gutter mannerism and the continual smell of alcohol in her face during
scenes they did together were intolerable. After doing their second (and last) film together, \"Toast
of New Orleans\", the normally quiet Grayson stormed into Louie B. Mayer's office and told him in no
uncertain words that she would never work with Lanza again – period. Mayer felt that Grayson was
much more valuable to MGM then Lanza, so Grayson's statement stuck. Grayson went on to star in a
number of widely received (and far more profitable) musicals with Howard Keel and others. Later in
life when asked to compare Lanza and Keel her reply was that there was no comparison between them,
and that Keel was great to work with and had much more appeal to the \"real people\" in the audiences." ], [ "The 1980s TV show, updated with fresh female flesh, and raunchy language. \"The Dukes of Hazzard\"
passed me by; it was not repeated whenever I was in front of the television in either New York or
California; or, I probably would have watched. Still, from somewhere (like the clips accompanying
this film's updated 2005 release), I knew it was about a fast, orange Dodge Charger - and, the
\"General Lee\" is still good to go.

Hunky cousins Seann William Scott and Johnny
Knoxville (as Bo and Luke Duke) are the New Riders of the Orange Sage. Beautiful Jessica Simpson (as
Daisy) fills her skimpy short well - but, even her arousing pink bikini can't beat off the
competition from a dormitory full of bouncing, topless coeds. The too stupid plot involves a graying
Burt Reynolds (as \"Boss\" Hogg) threatening to turn Hazzard County into a strip-mine.

**
The Dukes of Hazzard (7/27/05) Jay Chandrasekhar ~ Seann William Scott, Johnny Knoxville, Jessica
Simpson, Burt Reynolds" ], [ "A film without conscience. Drifter agrees to kill a man for a mobster for money. Then they double
cross him. Meanwhile he falls in love with the dead man's wife, and, without her knowing he's the
killer, moves in with her. Then he \"accidentally\" kills her when she finds out. Then, in a WALKING
TALL kind of heroism, he gets revenge on the mobsters who double crossed him. The first problem is
that, by agreeing to take on the murder by hire assignment, the drifter loses all sense of sympathy,
worthiness, and heroism. We can't accept any goodness in him and as a result the rest of the has no
moral center. We just can't care about that kind of guy. And the wife (nicely played by the fetching
Kari Wuhrer - the sheriff in EIGHT LEGGED FREAKS), a high class lady who runs a mission for homeless
people, similarly loses a degree of sympathy by jumping right into bed with the homeless drifter
(despite her evidently weakened state after the death of her husband). And, when she finds out he's
the guy – what does she do? She locks him inside her house (as if ALL houses had locks you can't
open from INSIDE) with her and proceeds to berate him. Stoo-pid. George Wendt, however, is terrific
in a role as a beefy thug. Director Stuart Gordon did so much better with RE-ANIMATOR and DAGON." ], [ "This Worldwide was the cheap man's version of what the NWA under Jim Crockett Junior and Jim
Crockett Promotions made back in the 1980s on the localized \"Big 3\" Stations during the Saturday
Morning/Afternoon Wrestling Craze. When Ted Turner got his hands on Crockett's failed version of NWA
he turned it into World Championship Wrestling and proceeded to drop all NWA references all
together. NWA World Wide and NWA Pro Wrestling were relabeled with the WCW logo and moved off the
road to Disney/MGM Studios in Orlando, Florida and eventually became nothing more than recap shows
for WCW's Nitro, Thunder, and Saturday Night. Worldwide was officially the last WCW program under
Turner to air the weekend of the WCW buyout from Vince McMahon and WWF. Today the entire NWA World
Wide/WCW Worldwide Video Tape Archive along with the entire NWA/WCW Video Tape Library in general
lay in the vaults of WWE Headquarters in Stamford,Connecticut." ], [ "For those of us that lived thru those weeks of filming in town and around the Valley - lest we not
forget the tedious days of road closures and \"film-making\". As a reminder to those that live here -
locales include Boulder Creek, Bonny Doon, Davenport, Big Basin. etc. The bank was the BC firehouse;
chase scenes included Moon Drive off Hwy 236, Empire Grade Rd, and Hwy 1.

Production:
Jeffrey Jones was the most approachable, Matt Broderick was above us all - even back then. As far as
the film goes - a joke of a script and even a bigger laugh regarding acting and plot - but who cares
at this level. A nice time capsule for those that enjoy our coast and valley scenery.
/>Additional notes; Joe's Bar (Jed's Tavern in the film), original name of the film was Welcome to
Buzzsaw - the Old Erba's parking lot was the town square, the backyard shots were off of Grove
Street in Boulder Creek; turn off the thinking cap and see a few actors in their early days." ], [ "What? - that was it? The town sheriff (John Agar) blows up the mutant gorilla with a stick of
dynamite hidden in a mannequin? Did I just write that? Did I just see that?

With
instrumentals by The Wildcats, \"Night Fright\" is one flick that never deserved to be made as late as
1967. The heyday of the gorilla was well over, and anyone other than Ray Corrigan in an ape suit is
just asking for trouble. Remake this in black and white and set the story about thirty years earlier
and you'd have at least a 4.0 rating on the IMDb. But sadly, this one never should have stood a
chance of seeing the light of day. Oops, there's another quirk - you can never tell if it's day or
night in the story, since they seem interchangeable with one another.

I'll give you this
though, a couple of the early malt shop scenes looked like they could have gone on the air as Coke
commercials. Thinking about it now, those were probably the best looking and best lit scenes of the
picture; Coca Cola must have paid for them. Had they seen the completed movie, they might have been
better served to prevent it's release." ], [ "Damp telling of the American Revolution.

When farmer 'Tom Dobb' (Al Pacino) and his son
arrive in New York Harbor, they are immediately conscripted by street urchin Annie Lennox... Annie
Lennox?... to contribute to the war effort.

After getting chopped down by bits of chain-
link fired from British cannons, Tom and his son are promptly chastised by Continental Army
sympathizer 'Daisy' (Nastassja Kinski) for 'not standing their ground'. Following this Kodak moment,
a series of digressive chapters take place including Tom's participation in a 'foxhunt' in which he
must carry a model of \"poor old Georgie Washington\" stuffed in effigy while running from a lace
handkerchief-wielding English captain (Manning Redwood), and having a barbecue with a group of
Iroquois Indians as they plan on the best way to sneak back into the fighting so Al and his ingrate
kid can kick the crap out of British officer Donald Sutherland's butt.

Director Hugh
Hudson presents a unique style of film-making and the atmosphere is as thick as the proverbial
London fog, but the scriptwriter's painting of the redcoats as evil monsters once again reveals
Hollywood's patented hatred of the British.

Steven Berkoff appears as an enlisted
American soldier." ], [ "Three writers made a valiant attempt to adapt Jane Stanton Hitchcock's novel for the tube, yet this
television movie has ultimately been injected with too much melodrama and just doesn't know when to
quit. Struggling artist Meg Tilly suddenly finds herself employed by wealthy, enigmatic Ellen
Burstyn, who desires a mural painted on the walls of her unused ballroom. After learning about the
last gathering held there--Ellen's daughter's coming-out party--Tilly decides on her artistic theme,
never dreaming the daughter died mysteriously before the function even began, nor that she and the
deceased bore a striking resemblance to one another! Two superb actresses lend their services to an
incredible yarn which doesn't bear close scrutiny, one that fails to match either lady in emotional
intensity. Burstyn's role teeters on camp, while Tilly gets stuck doing the dreamy-eyed-waif
routine. Only one sequence late in the film (the morning after the mural is finished) is charged
with honest feeling, anger and betrayal. The rest is piffle." ], [ "Medellin is a fabulous place to live, work, and study. I've been there twice, and never did I hear
anything about guerrilla activities, paramilitaries taking tourists hostage, or anything of the
sort. There are \"invisible police,\" but it is *not* a Big Brother system. There are just enough
police so that they are visible in everyday life, but they do not hassle someone without good
reasons.

La Sierra is an interesting documentary in that the youths it depicts in the
movie essentially become its characters. The directors of the movie carefully carve out plot lines
among the daily actions of the inhabitants of La Sierra, and when a \"character\" dies, there is
genuine pathos. It is difficult to imagine, however, that the three youths are all members of the
Bloque Metro, a gang that used to terrorize La Sierra before the Colombian government began to
restructure the country.

La Sierra is not an accurate depiction of life in Colombia;
there are, of course, things to be wary of such as petty crime, but when one considers pickpocketing
happens in \"modern\" cities such as London, New York, or Tokyo, Colombia doesn't seem that different
after all. Colombians are eagerly awaiting their chance to show to the world that the once war-torn
country is now prospering more than ever." ], [ "Daddy's girls Florence Lawrence and Dorothy West receive some terrific news at the local post
office, unaware they are being stalked by burglar Charles Inslee. Meanwhile, father David Miles
receives a message (from young Robert Harron) which necessitates daddy leaving home; so, when the
young women return, they can be… home alone. As the vulnerable pair bed down for the evening, the
local \"Grand Ball of the Black and Tans\" gets underway; and, a dark-skinned drinker portends
additional danger for D.W. Griffith's dynamic duo…

Mr. Inslee has one of his better
Biograph roles, stealing the film from \"The Girls and Daddy\". Ironically, Director Griffith appears
as one of the black-faced extras at the \"Black and Tans\" ball. \"Biograph Girls\" Lawrence and West
are suggestive of later \"Griffith Girls\" Lillian and Dorothy Gish, especially in \"Orphans of the
Storm\" (1921); and, they are excessively affectionate in bed! The racist tone is unfortunate, since
the story of a burglar redeemed by saving his potential victims from a greater danger, is
intriguing.

*** The Girls and Daddy (2/1/09) D.W. Griffith ~ Florence Lawrence, Dorothy
West, Charles Inslee" ], [ "As a long-time fan of Superman from the comics, through the 1950s series, the first two of the Chris
Reeves films and Lois & Clark, and finally Smallville, I was *really* hoping for something clever
with \"Superman Returns\".

Instead we got Lex Luthor making *another* attempt at real-
estate conversion, another Superman-beaten-up-while-wearing-kryptonite sequence, and internal
inconsistencies: he couldn't stop himself falling into the ocean when stuck with 6\" of kryptonite,
but when Lois breaks off 3\" of it, *leaving the rest embedded in him*, he can lift *a continent*
into space?? Really, the only hero in the story was Lois' partner - I can't remember his name off-
hand. He did all kinds of life-saving, heroic things with nothing but guts and skill - no
superpowers, no invulnerability...just a normal human.

They keep making Superman so
small. Why can't we have Superman battling Brainiac or fighting to save the universe from General
Zod instead of Lex's petty schemes. Oh, I forgot...they're doing that in Smallville.
/>Yeah...I think I'll stick to Smallville...

You probably should, too..." ], [ "Bela Lugosi is not typecast in this fantastic twelve-part adventure serial, playing the lead as
Frank Chandler/Chandu the Magician, enjoying his role as a representative of the forces of White
Magic pushed against those of Black, while displaying vigourous fighting skill, successfully wooing
a young Egyptian princess, and cutting a lean and dashing figure in yachting gear, complete with
nautical cap. The somewhat lumpy plot engages Chandler/Chandu in an ongoing series of escapades
pointed at achieving the rescue of his fiancee, Princess Nadji(Maria Alba) and others from the
clutches of the idol-worshipping sect of Ubasti, which covets Nadji's blood in order to revivify an
ancient mummified princess entombed upon the mysterious island of Lemuria. Director Ray Taylor, an
old hand at such entertainments keeps events moving briskly, but repeated scenes and footage, a good
deal of which is to be found in the previous year's Skull Island setting from KING KONG, and the
port locale from SON OF KONG, reduces original action to less than 60 minutes from the serial's
running length of over two and one-half hours and, if viewed at one sitting, becomes lacking in
effect to most viewers, unless insomniac." ], [ "The DVD sleeve explains the premise: \"Three problem teens are headed for jail,\" and are \"set to do
time until Captain Greer offers them a deal to work for him - undercover.\" The film opens with
definitions of the words \"Mod\" and \"Squad\", so you won't have to look them up in the dictionary. For
a visual definition of \"Cool\", search for photographs of the original threesome: Michael Cole (as
Pete Cochran), Clarence Williams III (as Linc Hayes), and Peggy Lipton (as Julie Barnes).
/>One black. One white. One blonde. Once they defined cool.

The three who make up Scott
Silver's version of Aaron Spelling's \"The Mod Squad\" are twentysomethings: Claire Danes (as Julie
Barnes), Giovanni Ribisi (as Pete Cochran), and Omar Epps (as Linc Hayes). They aren't able to do
much with the material given. Mr. Ribisi's portrayal is the most \"far out\", meaning he digresses
most from the original characterization. Ms. Danes romances Josh Brolin (as Billy Waites), who looks
like he could be in a re-make of \"Marcus Welby, MD\". You won't believe hefty Michael Lerner dancing
with Mr. Epps' \"Linc\". He explains, \"I'm not a fairy, I just like to dance!\" and requests, \"Spin
me!\"

*** The Mod Squad (1999) Scott Silver ~ Claire Danes, Giovanni Ribisi, Omar Epps" ], [ "Your idol will deceive you in this movie. Stephen Nichols is mis-cast as a young german student
still bending under his father's orders although the actor obviously looks near 40 years-old. This
makes his relationship (a collection of copulation scenes, basically) to a very young looking girl
all the more disturbing. The character's have no dimension and the war depiction serves only as a
backdrop for this soft porn wannabe. Nichols, who is one of daytime TV's best performers shows no
passion in what is to be the main interest of this movie: watching him have sex over and over with
this girl. It's like watching two animals going at it. If you're a fan of this actor's talent in
other projects, don't rent this for you will never view him in the same way. If, on the other hand,
you want to see Stephen Nichols have an orgasm in front of the camera, you might like it: Stephen
will show you his naked butt, lots of tongue work, his groaning range, but not his talent as this
character who's obviously just as sex-driven and misjudging as he was for wanting to do such
personal things in front of the camera. He may have found it kinky but I didn't - a BIG deception!" ], [ "The first film was quite hip and had amusing moments, this film doesn't exactly have the same
standard. Calvin Palmer (Ice Cube) is still trying to keep his barbershop going, but this isn't just
against stylist Gina (Queen Latifah) with a beauty shop next door, but soon enough a big barbershop
chain called Nappy Cutz opening across the street. Calvin, along with co-workers and friends Eddie
(Cedric the Entertainer), Jimmy (Sean Patrick Thomas), Terri (Eve) and Isaac Rosenberg (Troy
Garity), they are doing everything they can to keep regular customers coming, and ultimately their
business running against the competition. Also starring Michael Ealy as Ricky Nash, Leonard Earl
Howze as Dinka, Harry Lennix as Quentin Leroux, Robert Wisdom as Alderman Brown, Jazsmin Lewis as
Jennifer, Kenan Thompson as Kenard and Bad Company's Garcelle Beauvais-Nilon as Loretta. I didn't
like this film as much as the first because of the unnecessary flashbacks about Eddie, and it isn't
as witty, I just got bored of it. Okay!" ], [ "This 1919 to 1933 Germany looks hardly like a post WWII Czech capitol. Oh sorry, it is the Czech
capitol and it is 2003, how funny.

This is one of the most awful history movies in the
nearest past. Röhm is a head higher than Adolf and looks so damned good, Göring looks like 40 when
he just is 23 and the \"Führer\" always seems to look like 56. And the buildings, folks, even
buildings have been young, sometimes. Especially 1919 were a lot of houses in Germany nearly new
(the WWI does not reach German cities!). No crumbling plaster! Then the Reichstagsbuilding. There
have never been urban canyons around this building, never. And this may sound to you all like a
miracle: in the year 1933 the Greater Berlin fire brigade owns a lot of vehicles with engines, some
even with turntable ladders, but none with a hand pump.

One last thing: What kind of
PLAYMOBIL castle was this at the final sequence? For me this was a kind of \"Adolf's Adventures in
Wonderland\"" ], [ "Jim Wynorski strikes again with the very literal minded KOMODO VS. COBRA. No guesswork here. A giant
CGI komodo dragon -- it sort of looks like a dog minus fur -- takes on a humongous CGI king cobra,
with a bunch of tree huggers and others caught in between. The tree huggers get charter boat captain
Michael Pare (who else?) to take them to an off-limits federal island. An experiment by a mad
scientist in growing very large veggies has become an experiment in growing very large critters,
thank so to our nutty military. Now all that's left on the island are the very large critters and
the mad scientist's tiny, shapely daughter. The group runs into her at the old plantation lab, the
monsters arrive, and the chase is on. If you watch enough Wynorski/Sci-Fi Channel flicks, you'll
recognize some of the sets and locations from many other movies. Acting is nonexistent, as is the
plot. At the very least, you can enjoy watching the badly animated compo/dog stomp down on its
intended victims just before scarfing them up. The cobra just strikes and swallows. No imagination
at all." ], [ "Rivalry between brothers leads to main story line. Navy Commander Chuck Prescott(Marshall
Thompson)has developed the Y12 aircraft to test how far man can go up in the atmosphere. His
brother, Lt. Dan Prescott(Bill Edwards), seems to be the best test pilot around and is chosen to go
up in the Y12. Dan of course has a problem with taking orders and is also an over confident dare
devil.

On Dan's second flight, he hits over the 300 miles up comfort zone and his craft
passes through a meteor dust storm. Returning to earth, Dan becomes a monster that resembles 200
pounds of bad asphalt. He also has a demanding craving for blood, whether it be from farm animals or
fellow human beings.

Short runtime of an hour and seventeen minutes; black & white with
near stoic acting...typical of low budget sci-fi.

Rounding out the cast is Marla Landi,
Robert Ayers and Carl Jaffe. Noteworthy trivia: about two months after this film was released; the
Russians put the real first man in space." ], [ "Computer savvy John Light (as John Elias) goes from Stanford drop-out to successful young Dotcom-era
tycoon. But, Mr. Light's sneering success could be short-lived, with partners like ambitious Jeffrey
Donovan (as Robert Jennings). Mr. Donovan used to bed down with Light's girlfriend, Megan Dodds (as
Lisa Forrester). Donovan wants Light to know that binge drinking and casual sex don't have to end in
college. After reading a naughty Internet sex session, Ms. Dodds shines Light on. He may lose is
\"Digital Dreams\" Internet empire, too! Veterans unsuccessfully trying to lending dramatic gravitas
include red lollipop-sucking Mia Farrow (as Anna Simmons) and quick-drawing, computer-hating Hal
Holbrook (as Tom Walker). Ms. Farrow looks sweet with her lollipops.

*** Purpose
(2/21/02) Alan Lazar ~ John Light, Jeffrey Donovan, Mia Farrow" ], [ "We're in a not so distant future, globalization seems to have reached a high point, languages mixes
with each other (although English prevails over the rest), races have merged, human clonation is a
fact, and all the territory seems to have been divided in two zones: the one for the valid and the
one for the non-valid... a brave new world (in Aldous Huxley's style) in which people are
genetically filed and blood relationships are strictly forbidden (for health reasons –that's the
Code 46 of the title-). In such environment two souls that are destined not to meet fall in love
with each other.

Winterbottom had an important story, with quite a big potential. A nice
recipe that he ruins giving it a so slow rhythm, narrating it in a so weary way, removing any
emotions... Coldness, that's all Code 46 transmits. Coldness and boredom. Not even the presence of
Samantha Morton and Tim Robbins (both of'em play their roles wonderfully) , nor the visual and sound
power of some sequences can do anything to save the movie. What a pity.

Code 46: what
could have been and never was.

*My rate: 4/10" ], [ "Chris, an adopted son of a moral family, a loser whom works at the school newspaper with Kate
(Christine Lakin from of the awful sugary \"Step by Step\" show of the now thankfully defunct ABC's
TGIF line-up), finds out that he's just inherited a porn empire from his biological parents. He
loses sight of what true friendship and love is and blah blah some other nonsense. He also has to
contend with an Uncle who wants control of the family business and a shifty lawyer (arn't they are?)
A slightly below average teen comedy that steals from better teen comedies (the opening alone is
HIGHLY American Pie-esquire), bops you on the head with the moral every chance it gets, and wastes
the only star talent it has (Wayne Newton, Lin Shaye, and if i'm really stretching the star word,
Martin Starr of \"Freaks and Geeks\", and Justin Berfield of \"Malcolm in the Middle\"). It's not bad
exactly, but it's far from good.

Eye Candy: a few extras get topless

My
Grade: C-

Where I saw it: Starz on Demand (available until September 29th)" ], [ "I'll bet none of you knew that the famous Conquistador Hernando Cortes made a preliminary scouting
expedition to Mexico before taking on the Aztecs. Good thing he did because he would never have
known about those T Rexs that inhabited one particular valley where the locals revered them as
gods.

That was understandable. What wasn't was the casting of blue eyed Ian Ziering as
Cortes. Even with the blond hair made famous in Beverly Hills 90210 dyed black, Ian looked
positively ridiculous. At least he made no attempt at a Spanish accent.

The real hero of
Tyrannosaurus Azteca is Marco Sanchez also late of a television series with a semi-recurring role in
Walker Texas Ranger as Detective Sandoval of the Dallas PD. He finds true love with an Aztec
princess and life would be just perfect if it wasn't for those pesky prehistoric beasts the natives
worship.

Tyrannosaurus Azteca looks like they used some outtakes from the famous
Sid&Marty Krofft series the Land of the Lost. All that was needed was some Sleestak to appear./>
If you're interested in finding out about this reconnoitering expedition that didn't quite
make the history books by all means check out Tyrannosaurus Azteca. Then try and sit through it with
a straight face." ], [ "The head of a common New York family, Jane Gail (as Mary Barton), works with her younger sister
Ethel Grandin (as Loma Barton) at \"Smyrner's Candy Store\". After Ms. Grandin is abducted by dealers
in the buying and selling of women as prostituted slaves, Ms. Gail and her policeman boyfriend Matt
Moore (as Larry Burke) must rescue the virtue-threatened young woman.

\"Traffic in Souls\"
has a reputation that is difficult to support - it isn't remarkably well done, and it doesn't show
anything very unique in having a young woman's \"virtue\" threatened by sex traders. Perhaps, it can
be supported as a film which dealt with the topic in a greater than customary length (claimed to
have been ten reels, originally). The New York City location scenes are the main attraction, after
all these years. The panning of the prisoners behind bars is memorable, because nothing else seems
able to make the cameras move.

**** Traffic in Souls (11/24/13) George Loane Tucker ~
Jane Gail, Matt Moore, Ethel Grandin" ], [ "don't watch this Serbian documentary and Serbian propaganda look out for this documentary and you
will see facts and truth http://imdb.com/title/tt0283181/

The Death of Yugoslavia
documentary series (of five episodes) is a painstakingly compiled and researched account of the
extended mass-bloodshed which marked the end of the old Federal Yugoslavia and spanned almost the
entire first half of the 1990's. It includes a huge wealth of news footage and interviews with
involved parties both \"Yugoslav\" and otherwise. The only real \"improvement\" which could be made to
this amazing achievement would be the inclusion of later developments in the Balkans since the
program was made. This was indeed done in the late 1990's for a repeat showing on BBC television,
but the addition of some even more recent events would help to complete this admirably detailed and
fulsome piece of work. Perhaps another whole episode might be warranted? The very succinct title of
this documentary was made all the more appropriate by the eventual abandonment of the term
\"Yugoslavia\" by the now-named Federal Republic of Serbia and Montenegro - a much belated and formal
admission of that which occurred years before.

not fiction like in \"Yugoslavia: The
Avoidable War (1999)\"" ], [ "It purports to be the life of Paul the apostle. It opens with him involved in a loin-cloth wrestling
match with a priest. The Pharisees were called that because they \"separated\" themselves from the
Hellenism being forced upon the Jews by their Gentile rulers. The point is that Saul would never
have been involved in Greco-Roman wrestling. PERIOD.

Then we have the two men (Saul and
the Priest, Reuben - a totally extra-biblical fictitious character) shown being washed down in the
nude in a Roman style bath house. Again, the Torah, which Saul adhered to religiously, condemned in
the strongest possible terms looking upon the nakedness of another man.

Reuben is shown
being the one that pushes Saul into destroying the church. Again, the text of scripture doesn't
matter, for their it is PAUL that says that he laid waste of the church and breathed out
threatenings and slaughter against the church.

The movie shows Barnabas \"sprinkling\" Paul
- not baptizing (immersing) him, when the Text of Scripture says it was Ananias that did it./>
Their is no mention of Mark or his turning back so the writers of the script are forced to
have Paul and Barnabas argue over Paul's desire to preach in Rome as the basis of their
separation.

No Silas on Paul's Second and Third Missions; No Timothy... EVER. No Titus;
No Apollos... No, NO, NOOOO!!! James is said to have \"known Jesus for a long time\" rather than it
saying, as the Text of Scripture does, that he is Jesus' brother.

Why not just call the
movie \"Frank, the fictitious Apostle?!?!\" At least that would be closer to the text of scripture." ], [ "In the Muslim country of Khalid (fictional), its benevolent leader/dictator,Reed Hadley as Amir, is
dying of cancer. Amir dies and a desperate plot unfolds. His body is wrapped in aluminum foil and
taken in a clandestine operation (the population does not know of his death) consisting of his
doctor (Nigserian) and Mohammed, out of the country to perform a risky brain transplant. The surgery
is being performed by the disgraced Dr. Kent Taylor, who believes there is no chance of failure and
has two assistants. One of them is about 3 feet high (Master Blaster did indeed run Barter Town) and
the other is a mutilated & traumatized 7 foot giant named Gor. What could possibly go wrong??/>
Did I forget to mention Amir's deathbed American, blonde-Barbie wife, Tracy or that Dr. Kent
has a dungeon with female slave test subjects & delusions of grandeur? How about a brain transplant
that didn't take? There is a lot of double-dealing throughout this and people are killed, but I'm
not going to lie to you anymore : MISSION ACCOMPLISHED. The ends justify the means. If you can
accept that then you will not have to waste 80 minutes. I hope that is warning enough. Don't say I
didn't warn you. If you must watch, then don't watch alone and have plenty of medicine standing
by.

-Celluloid Rehab" ], [ "At least the under ten year old set will stay interested. Eleanor(Geena Davis)and Fred(Hugh
Laurie)Little, a nice well-to-do couple set out to bring home from the orphanage a new little
brother for their son George(Johnathan Lipnicki). They come home with quite the odd new sibling...a
sharp dressed little mouse named Stuart(voiced by Michael J. Fox). Yes, mouse. Stuart is happy to
have found the sense of belonging even if it is in a super sized world that contains his new
family's pet cat Snowbell(voiced by Nathan Lane). Stuart embarks on the experience of family loyalty
and overall friendship. George will finally accept his tiny new brother when the dapper dressed
Stuart saves embarrassment at a model boat race.

Also in the cast: Julia Sweeney, Harold
Gould, Estelle Getty and Jeffery Jones. And the voices of: Chaz Palminteri, Bruno Kirby and Jennifer
Tilly." ], [ "Problems: 1) Although billed as \"a loving tribute to Poverty Row,\" a lot of the old footage is not
even from Poverty Row films-- much of it is from RKO's \"The Most Dangerous Game,\" (1932), with some
from the silent (!?) version of \"The Lost World\" (1926)!

2) Much of the old footage is
just used as filler (the old shipboard footage) or as silent shots (for example, of Bela walking,
looking or staring) often repeated;

3) Where is the pantheon of Poverty Row Master
Thespians (Bela, Boris, Lon Chaney, Jr., George Zucco, John Carradine, Buster Crabbe, Tom Neal,
etc.) emoting their lines as punch lines to the 'new' characters jokes (as in Woody Allen's \"What's
Up Tiger Lily?\" or Steve Martin's \"Dead Men Don't Wear Plaid\")? Even Mike Nelson's feeble commentary
on the colorized \"Reefer Madness\" is funnier than this.

High Point: The long but
extremely enlightening lecture by Gregory Mank which makes you give new respect to and admiration
for Bela, John Carradine and George Zucco. That's worth the price of the DVD alone!" ], [ "This show comes up with interesting locations as fast as the travel channel. It is billed as reality
but in actuality it is pure prime time soap opera. It's tries to use exotic locales as a facade to
bring people into a phony contest & then proceeds to hook viewers on the contestants soap opera
style.

It also borrows from an early CBS game show pioneer- Beat The Clock- by inventing
situations for its contestants to try & overcome. Then it rewards the winner money. If they can
spice it up with a little interaction between the characters, even better. While the game format is
in slow motion versus Beat The Clock- the real accomplishment of this series is to escape reality.


This show has elements of several types of successful past programs. Reality television,
hardly, but if your hooked on the contestants, locale or contest, this is your cup of tea. If your
not, this entire series is as I say, drivel dripping with gravy. It is another show hiding behind
the reality label which is the trend it started in 2000.

It is slick & well produced, so
it might last a while yet. After all, so do re-runs of Gilligan's Island, Green Acres, The Beverly
Hillbillies & The Brady Bunch. This just doesn't employ professional actors. The intelligence level
is about the same." ], [ "This budget-starved Italian action/sci-fi hybrid features David Warbeck as a Miami reporter who is
chosen by the ghosts of the people of Atlantis (!) to stop an evil businessman (Academy Award
nominee John Ireland) from using a telepathic fetus grown using spores from an asteroid to rule the
world. You got all that? Despite such a loopy plot, this is actually quite a bore and the RAIDERS OF
ATLANTIS sneers at it with contempt. Honestly, the most (intentionally) creative thing about this
flick is the slight reworking of Herbie Hancock's BEVERLY HILLS COP theme for the opening titles.
The most unintentionally creative bit involves a scene in a lab that is inexplicably shown twice
back-to-back. Perhaps director Alberto De Martino wanted to get all avant garde on us in the
twilight of his career? I was going to declare this Ireland's worst film on his resume but then I
saw SATAN'S CHEERLEADERS was listed on there. I would also like to safely declare that I am probably
the only person in the history of the world to do a double feature of this and Hitchcock's VERTIGO." ], [ "It is a story as old as man. The jealousy for another man's wife and possessions. There are even
commandments against it.

In this story, Raymond Burr (\"Perry Mason\", \"Ironside\") is the
manager of a runner plantation who lusts after the owners wife and feels that he isn't treated with
respect. The wife, the starlet Barbara Payton, who was trying to make a comeback after a string of
sordid affairs, was lusting after Burr, who killed her husband, Paul Cavanagh.

But,
lurking about was a strange woman, the housekeeper (Gisela Werbisek) who sees everything, and who
was capable of some voodoo to avenge the wronged, which also included another young woman (Carol
Varga) to whom Burr also professed love.

Burr is poisoned and becomes , or thinks he
becomes, a gorilla. Payton will have to mate with Kong if she ever wants her marriage consummated,
as he goes into the jungle every night.

The end is predictable. But, the stirring
question of this film is why Payton would ever be afraid. With those sharply pointed missiles
jutting out from her chest, no animal could get near her to do harm." ], [ "Platoon is to the Vietnam War as Rocky IV is to heavyweight championship boxing. Oliver Stone's
story of the experience of a US Army platoon in Vietnam in 1968 is so overdone it's laughable. While
most or all of the occurrences in Platoon did occur over the 10+ year span of US military
involvement in Vietnam, to portray these things happening to one small group of men in such a short
time frame (weeks) gives a horribly skewed picture of the war. In Platoon, the men of the platoon
see all of the following in the course of a week or two: US soldiers murdering civilians, US
Soldiers raping civilians, a US Sergeant murdering another US Sergeant, a US Private murdering a US
Staff Sergeant, US soldiers killed/wounded by friendly fire, 90%+ killed or wounded in the platoon.
For Stone to try to pass this film off as the typical experience of a US soldier in Vietnam is a
disgrace. Two Vietnam War films I would recommend are We Were Soldiers (the TRUE story of arguably
the worst battle for US soldiers in Vietnam) and HBO's A Bright Shining Lie." ], [ "\"The Man In The Attic\" is a movie set in the 1910s. It is inspired by a true story. Unfortunately,
it's a story that really didn't need to be told.

Looking at the box, the people
responsible for packaging the movie tried their best to make this film appear steamy and erotic.
They use terms such as \"illicit passion\", \"forbidden affair\", and \"unlimited pleasures\". They even
show a picture of Neil Patrick Harris (little Doogie Howser, M.D.) holding a gun!

The
story involves Krista, played by Anne Archer. She is unhappily married to a gentleman who owns his
own business. Edward (Harris) is an employee of her husband's company. Krista and Edward end up
falling in love with each other.

The supposedly \"shocking\" part of the movie is this:
Krista's husband finds out about the affair and forbids them from ever seeing each other again. So
what do they decide to do? Krista ends up having Edward live up in their attic. Wow! Krista ends up
seeing someone else and Edward gets extremely jealous. So on and so on and so on.

\"The
Man In The Attic\" doesn't cover any new territory. It's a Showtime original picture, which explains
why the stars are a couple of B-list actors and both appear briefly in the buff.

" ], [ "Student Seduction finds Saved By The Bell Alumni Elizabeth Berkley on the other side of the desk and
attracting the attention of young and hunky Corey Sevier. Speaking for myself I can truthfully say
that no teachers save one ever did anything for me hormonally back when I was a student. That was a
Ms. Diaz who was a music teacher in Junior High School. Even as a young gay kid, I could see what
she was doing to the rest of the class. She was the only teacher I had who in any way could have
been played by Elizabeth Berkley.

Corey being the hotty he is, is also used to having his
own way with women whether they agree or not. The fact that he comes from rich parents reinforces
that belief. He's flunking chemistry which is what Berkley teaches and to keep his GPA up she agrees
to tutor, but believe no more.

So when he attempts a rape and gets no for an answer it's
damaging to his ego. When Berkley goes out of channels and reports the crime to the police, the cops
who are keeping in mind the cases of Pamela Smart and Mary Kay LeTourneau just don't believe here.
Sevier's parents have the wherewithal to get a good publicity spin on this for their boy.
/>Student Seduction which is a misnomer of a title if there ever was one is trash all the way. After
the beating that Berkley took for Showgirls this TV film was not an upward career move." ], [ "\"The death of a performer at a Broadway stage play brings a theatre critic and a police detective
together as an unlikely crime-solving duo. The dead performer's niece becomes not only the object of
affection for our critic, but also a prime suspect in this death, and some other murders that occur
at the theatre. 'The Phantom Killer' sets his sights upon the young woman as his next victim; so, it
is a race against time for our heroes to catch the killer,\" according to the DVD sleeve's
synopsis.

Milton Raison's screenplay puts a little spark in this low-budget mystery
whodunit. Helpfully, Dave O'Brien (as Anthony \"Tony\" Woolrich) does well in the lead role; his
skills as an actor appear to be much greater than the productions employing him. O'Brien and cab
driving sidekick Frank Jenks (as Egbert \"Romeo\" Egglehoffer) would have made a fine 1950s TV
detective team. Leading lady Kay Aldridge (as Claudia Moore) and the supporting cast are also good.
Unfortunately, the story becomes meandering, and anti-climactic.

**** The Phantom of 42nd
Street (5/2/45) Albert Herman ~ Dave O'Brien, Kay Aldridge, Frank Jenks" ], [ "That's pretty ridiculous, I hope many people are exposed to Muslims who live all over the U.S, U.k,
and all over the world. The religion has over a billion followers. I Myself born and bread in
America and through my religious classes and teachings I have been taught to cherish my country and
work to contribute to the society. I am very dedicated to the followings and teachings of my
religion have been stressed through out life to educate and prepare oneself for success through
education in order to contribute back to the world. I have know many Muslims from all over and I
have traveled to countries like Pakistan..I have yet to meet one person who believes that we should
hurt anyone or not accept any other religion except from the people in the media...I wonder why...
Also its sad that these extremists are the ones the media use to represent a whole religion. Its a
religion of one billion people, and these are less than one percent, I am sure the other people of
other religions would not like to be represented by the KKK, IRA and many more which are simple
small percentage extremists who use outdated and not literal passages from the respected books in
order to pursue their own revenge, personal, or business matters through their so called religion" ], [ "Squeamish 11-year-old Luke Benward (as Billy \"Worm Boy\" Forrester) moves to a new town. At his new
school, young Benward is picked on by the other boys. They put worms in his thermos. Getting his gag
reflex under control, Benward tosses a worm on freckle-faced bully Adam Hicks (as Joe Guire).
Benward bets he can eat 10 worms in one day - without regurgitation!

Tall, teased Hallie
Kate Eisenberg (as Erika \"Erk\" Tansy) uses her archery skills to help Benward. Director and former
SCTV writer Bob Dolman promises, \"No worms were harmed in the making of this movie.\" In a related
note, SCTV star Andrea Martin has one funny scene. \"How to Eat Fried Worms\" is loosely based on
Thomas Rockwell's popular novel. Pre-teen kids into gross-outs should enjoy the film.
/>**** How to Eat Fried Worms (8/25/06) Bob Dolman ~ Luke Benward, Adam Hicks, Hallie Kate
Eisenberg, Alexander Gould" ], [ "FREDDY FORSYTH has come up with a storyline which will suit the mood of the West's suspicions about
Putin's Russia. Forsyth installs a nasty guy as the Ruski president who wants to return the country
- not so much to Stalin's Communism but more to Hitlerian Fascism. In fact, his Political Manifesto
could have come straight out of Mein Kampf rather than Marx. And, the loon has the latest weapons of
biological destruction to achieve the ethnic cleansing pogrom of the Russian Federation. American
mercenaries connive with the Russian Prez to realise his fanatical, genocidal dream, but then enter
Dirty Dancing's Pat Swayze...and,yep,things get really down and dirty. He's a former US operative-
turned-drifter,Jason Monk, who is enlisted by the British Government to see what the Russians are up
to. As a corny sidebar, Swayze's character who is no Monk (!)has sired a Russian beauty Elena
(played by the gorgeous Marta Kondova) on his previous missions to the former Commie state. Hardman
Swayze does a passable job in setting out to defeat the evil Russians. But young unknown actress
Marta Kondova steals the flick as his nubile, 18-year-old Russian daughter Elena who helps dad root
out the terror threatening her beloved Mother Russia." ], [ "Having watched this movie several times, I have come to the conclusion that Milos Forman made a very
daring decision to manufacture a muse for Goya, when the artist led what most would consider a
tempestuous,passionate life while the French Revolution and the Napoleonic era raged across Europe,
surely one that would have sufficient drama upon which to draw. While I do understand that Mr.
Forman was relating in the microcosm of the tragedy of Ines' life the devastation of the world at
that time, I was left feeling that there was just so much of Goya left out, so much of his humanity.
The strongest and most eloquent point this film made was that because of man's fallen nature each of
us is a potential villain in the stream of life, each of us has evil within us that we must fight
with the help of God. How eloquent when Goya says he should have helped Ines more, how true for all
of us! We must defend and protect the innocent. The superbly ironic scene in which the once
imprisoned priest sentenced to die pronounces the death sentence on Lorenzo who condemned him
originally is the stuff of genius. I was left wanting something more when the credits rolled. Maybe
less of the unreal coincidences, and more of the inner life of the characters." ], [ "Fred Astaire is reteamed with Rita Hayworth one year after their big hit for Columbia, \"You'll Never
Get Rich\". That was the movie which put Hayworth on the Hollywood map, yet her performance in this
wan romantic musical hardly gives a suggestion why she was so suddenly popular. Down Buenos Aires
way, a tyrannical hotel owner demands that his four daughters marry in order of age; one may think
film takes place in the 18th century, but no, it's modern-day 1942. Astaire is an ex-hoofer-turned-
gambler who goes back to dancing to earn some money, getting mixed up in impersonating a letter-
writing admirer to Hayworth's stone-cold society beauty. Fred gazes at Rita with a brotherly smile,
but she's so mannequin-like (lip-synching to her songs like a wide-eyed wind-up doll) that all
romantic sparks quickly sputter. They do dance together quite comfortably, however, and the Jerome
Kern score is unmemorable but not too bad. ** from ****" ], [ "Made with film stock left over from the production of Nana, 1927's Sur un Air de Charleston is
described as a holiday film for all concerned, and that's the best way to view it. Jean Renoir seems
never to have thought enough of it to even edit the footage together. The plot is a simple reversion
of racial stereotypes – in 2028 a black explorer travels to a post-holocaust Paris where a white
native girl teaches him the Charleston (naturally he assumes she's a savage whose dancing is a
prelude to her eating him before giving in to the seductive beat of 'White Aborigine' music). There
are plenty of surreal touches, be it the pet gorilla eating the flowers in Catherine Hessling's
hair, the angels the girl telephones (Renoir and producer Pierre Braunberger among them) or the fact
that black performer Johnny Huggins plays his part in minstrel blackface while Hessling's dancing
ability is almost completely nonexistent, and there are some interesting occasional experiments with
slow motion, but there's not really enough to sustain it for two reels. An additional air of
surrealism is provided by the fact that this silent musical has absolutely no score at all on Lions
Gate's new DVD…" ], [ "

Back in his youth, the old man had wanted to marry his first cousin, but his family
forbid it. Many decades later, the old man has raised three children (two boys and one girl), and
allows his son and daughter to marry and have children. Soon, the sister is bored with brother #1,
and jumps in the bed of brother #2.

One might think that the three siblings are stuck
somewhere on a remote island. But no -- they are upper class Europeans going to college and busy in
the social world.

Never do we see a flirtatious moment between any non-related female and
the two brothers. Never do we see any flirtatious moment between any non-related male and the one
sister. All flirtatious moments are shared between only between the brothers and sister.
/>The weakest part of GLADIATOR was the incest thing. The young emperor Commodus would have hundreds
of slave girls and a city full of marriage-minded girls all over him, but no -- he only wanted his
sister? If movie incest is your cup of tea, then SUNSHINE will (slowly) thrill you to no end." ], [ "I notice that most of the people who think this film speaks the truth were either not born before
the moon landings (1969-1972), or not old enough to appreciate them. I think it is much easier to
question an historic event if you did not live through it.

I was a youngster at the time
of Apollo, but I was old enough to understand what was going on. The entire world followed the moon
landings. Our families gathered around the TV to watch the launch. Newspaper headlines screamed the
latest goings-on each day, from launch to landing, from moonwalks to moon liftoff, all the way to
splashdown, in a multitude of languages. In school, some classes were cancelled so we could watch
the main events on TV. During Apollo 13 the world prayed and held its collective breath as the men
limped home to an uncertain fate. You couldn't go anywhere without someone asking what the latest
was. The world was truly one community.

Now with a buffer of 30-odd years after the
fact, it is easy to claim fraud because worldwide enthusiasm and interest has died down. We are left
with our history books, and anybody can claim that history is wrong and attempt to \"prove\" it with a
bunch of lies and made-up facts while completely ignoring the preponderance of evidence showing
otherwise--not to mention the proof that dwells in the souls and memories of those who lived through
these wonderfully heady and fantastic days." ], [ "A 'Wes Craven presents' movie from 1995, directed by Joe Clayton and starring Lance Henriksen. A
group of scientists save a dying man they find by their desert stranded government outpost by
injecting him with their experimental virus, of course, one of their colleagues goes overboard and
the virus transforms the man into a near unstoppable monster with them trapped inside. Lance
Henriksen plays the morally offended researcher who leaves the project before all this, but returns
after receiving a call for help to save the man (pre-unstoppable death machine mutation).
/>Deciding to combine two trips in one he brings his family along with him (they're going on
vacation afterwards) and proceeds to give them entry to the top secret government facility, thus
putting them right in the middle of the chaos within. In case you can't tell, this one relies on the
viewer to work with it a little and put aside some petty (see: major and blatant) details.
/>Overall though: Watch-able with mild bits of enjoyment. Note: The Outpost is commonly known under
the title 'Mind Ripper'" ], [ "**** Spitfire (1934) John Cromwell ~ Katharine Hepburn, Ralph Bellamy, Robert Young
/>Mountain hillbilly Katharine Hepburn (as Trigger Hicks) is a religious back-woods laundry woman.
\"Going on 18\", she begins to attract male attention, and responds by throwing rocks. The arrival of
a dam-building construction crew triggers dreams of romance in Ms. Hepburn. She quickly attracts the
attention of suave engineer Robert Young (as John Stafford), who flirtingly hides his marital
status. Supervising engineer Ralph Bellamy (as George Fleetwood) is also interested in Hepburn, but
for different reasons; Mr. Bellamy wants to know more about Jesus Christ, whom Hepburn worships./>
After Hepburn employs the power of prayer to heal a child, neighborhood folks suspect she is
a witch.

If it weren't so serious, \"Spitfire\" might be more amusing; it is an atypical
and wildly inappropriate vehicle for its star, who is thoroughly unconvincing. Of the leads, Mr.
Bellamy performs best. However, the best characterization is essayed by Sarah Haden (as Etta
Dawson), who appeared in George Cukor's stage version, along with Louis Mason (as Bill Grayson).
Will Geer (as West Fry), \"Grandpa Walton\" in the 1970s, has a small role. An unexpected ending
helps." ], [ "This show comes up with interesting locations as fast as the travel channel. It is billed as reality
but in actuality it is pure prime time soap opera. It's tries to use exotic locales as a facade to
bring people into a phony contest & then proceeds to hook viewers on the contestants soap opera
style.

It also borrows from an early CBS game show pioneer- Beat The Clock- by inventing
situations for its contestants to try & overcome. Then it rewards the winner money. If they can
spice it up with a little interaction between the characters, even better. While the game format is
in slow motion versus Beat The Clock- the real accomplishment of this series is to escape reality.


This show has elements of several types of successful past programs. Reality television,
hardly, but if your hooked on the contestants, locale or contest, this is your cup of tea. If your
not, this entire series is as I say, drivel dripping with gravy. It is another show hiding behind
the reality label which is the trend it started in 2000.

It is slick & well produced, so
it might last a while yet. After all, so do re-runs of Gilligan's Island, Green Acres, The Beverly
Hillbillies & The Brady Bunch. This just doesn't employ professional actors. The intelligence level
is about the same." ], [ "In this paranoia-driven potboiler, our reporter hero battles hindersome authorities, duplicitous co-
workers, renegade UFO debunkers, and silent, skulking aliens. (Though capable of mind control and
zapping objects from afar, it takes three of them to operate a control panel of about two dozen
buttons.) The script clomps from event to event,leaving puzzlers aplenty. Why did the aliens blind
the dog? Why do they fry the soldiers with radiation when they're only patrolling an empty landing
site? And what space dudes worth their moon cheese abduct the ugly photographer first instead of his
model? Inquiring minds want to know! Writer-director Mario Gariazzo apparently researched his
subject by skimming a stack of UFO-themed tabloids as he took in a Sunn Classics double feature.
(The closing screen crawl boasts that it's based on actual events...just like \"Plan 9!\") Some may
feel burned by the abrupt finale, but it should still appeal to conspiracy cranks." ], [ "\"Stella\", starring Bette Midler in the title role, is an unabashed tearjerker. Set in upstate New
York, Stella Claire works nights as a bar maid, pouring and dancing in a workingman's saloon. One
night, in comes a slumming medical intern, Stephen Dallas, who woos Stella, and in the course of
their affair impregnates her. She spurns both his offers of marriage and abortion, sends him packing
to a lucrative medical career, and raises her daughter herself in near-poverty. Flash-forward 16
years and the daughter has grown into a gorgeous, loving, young lady. Dr. Dallas is not out of the
picture, still maintaining a tenuous, but caring relationship with his daughter and…..I'm rambling,
and worse yet, making the movie sound somewhat interesting. The acting and screenwriting are so
over-the-top you'll let out a groan in almost every scene. The chief offender is Bette Midler, but
close behind is John Goodman as her alcoholic buddy. Each scene seems more contrived than the
preceding right up to the finale, which is truly a hoot. Taken as a dramatic piece, this film rates
no more than grade D, but as camp, it scores an unintended B+.

" ], [ "The perfect murder is foiled when a wife(played by Mary Ellen Trainor, once the wife to director
Robert Zemeckis, who helmed this episode), who murders her husband with a poker, has the misfortune
of receiving a visitor as she is about to move the body outside..an escaped insane madman dressed in
a Santa Claus suit(played by a deviously hideous Larry Drake). She fends for her life while trying
to find a way of hiding her husband's corpse. She decides to use an ax, once she downs the Santa
killer who misses several chances to chop off the woman's head, to frame the killer for her
husband's murder. Santa killer locks her in a closet and pursues the woman's daughter as she tries
desperate to free herself to save the child.

This episode of TALES FROM THE CRYPT just
recycles tired material involving the old \"Santa kills\" theme while also adding the oft-used(add
nauseum)woman-murders-her-husband-for-a-man-she's-been-cheating-with routine. It's essentially
Trainor trying to find a way to avoid being caught with a dead body she kills while also keeping a
safe distance from a maniac. There's nothing refreshing or new about this plot which pretty much
goes through the motions. Not one of the show's highlights." ], [ "Michael Feifer writes and directs this fictitious story based on the arrest of Edward Gein in
Plainfield, Wisconsin. Gein was responsible for a rash of gruesome murders that sent a shock wave of
terror through his rural hometown in the late 1950's. His evil mind and twisted world is suspected
to be caused by his domineering zealous Lutheran mother. Ed was given the nickname \"The Butcher of
Plainfield\". He would rob corpses from fresh graves of women who resembled his mother and he would
have sex with them before 'dressing them like a deer' in his garage. Severed heads with bodies
hanging upside down being his personal trademark. After his arrest there would be many articles made
from human skin found in his home. In this movie, a young deputy Bobby Mason(Shawn Hoffman)makes the
search for Gein(Kane Hodder)a personal one, when his storekeeper mother(Priscilla Barnes)goes
missing. The acting is a whole lot better than the ridiculously liberal telling of the documented
events concerning Gein. Also in the cast: Adrienne Frantz, Timothy Oman, John Burke, Michael
Berryman and Amy Lyndon." ], [ "In London, the Venetian Carla Borin (Yuliya Mayarchuk) is searching an apartment to share with her
beloved boyfriend Matteo (Jarno Berardi). She meets the lesbian real estate agent Moira (Francesca
Nunzi) and rents a large apartment. When the jealous Matteo finds some pictures and letters from her
former lover Bernard (Mauro Lorenz) in Venice, he hangs up the phone and the upset and amoral Carla
has a brief affair with Moira and intercourse with an acquaintance in a party. When Matteo comes to
London, he concludes that his lust for Carla is more important than his jealousy and her
behavior.

\"Transgredire\" is another \"soft porn\" of the sick director Tinto Brass with a
shallow and ridiculous story where every situation is a motive to expose the intimate parts of the
women in the cast. The amateurish camera exposes the body of the beautiful Yuliya Mayarchuk in every
possible angle and her character is abused, touched and licked in every part of her nice body, but
without showing explicit penetration. This flick is only recommended to fans of this director and as
a voyeur experience seeing Yuliya Mayarchuk naked in erotic situations. My vote is four.
/>Title (Brazil): \"A Pervertida\" (\"The Pervert\")" ], [ "Earth has been destroyed in a nuclear holocaust. Well, parts of the Earth, because somewhere in
Italy, a band of purebred survivors--those without radioactive contamination--are holed up in a
massive mansion surrounded by lush grounds, waiting for the next opportunity to go hunting for those
with polluted blood. The Final Executioner is the story of one of their would be victims, Alan
(William Mang, who looks, not surprisingly, a lot like Kurt Russell), and his efforts to take down
the legally sanctioned hunters, who are led by Edra (Marina Costa) and Erasmus (Harrison Muller Jr.
). Alan has been trained to kill by former NYPD cop Sam (Woody Strode) who mostly hangs around
giving his pupil moral support and mooching for tinned meat. Strode is by far the best thing about
the film, though he doesn't look at all well and only appears for about a third of the running time.
As for the story, it's a blending of elements from better films and stories, including Ten Little
Indians, The Most Dangerous Game, and Escape From New York. The Final Executioner moves along at a
fair pace and provides reasonable entertainment for less discriminate action fans." ], [ "Explores the frontiers of extreme boredom. Life in a small Canadian town in winter as an experiment
in extreme sensory deprivation. Absolutely nothing happens as viewed through the eyes of a blank,
deadpan, totally uninteresting protagonist. Viewers of this film should be prepared to hallucinate
in the style of \"Altered States\".

In a groundbreaking study, David Snowden found that he
could predict Alzheimer's thirty years in advance by comparing the autobiographical essays of nuns
as they entered the convent. Those who eventually suffered the disease wrote in simple direct prose.
The essays were quiet and contemplative with little optimism or episodes of joy.

Now, why
did I mention that? Perhaps , my mind begins to slowly unravel watching this interminable,
autobiographical, contemplative film which shows, in simple direct style, the bleak and stoic life
of a small community, living next to giant slag heaps of asbestos.

This film became
popular at the height of the Quebec separatist movement because of its presentation of this
community as permanently wounded victims. Tragically, its writer-director was soon diagnosed with
Alzheimer's disease in the early 1980s and apparently committed suicide." ], [ "A few years back the same persons who created Paris,J'TAIME., which was imperfect but very enjoyable
( my rating was a 7), created this piece of garbage about New York City.

In Paris, I Love
You (J'taime)created a feeling for Paris & it was made in many parts of beautiful Paris.
/>In this current film, I did not recognize New York City, I did not feel that I was in the city of
my birth.

New York does have 5 boroughs,I saw no scenes in The Bronx, or Queens ,There is
one scene in Brooklyn,(Brighton Beach), I saw no scenes in Times Square or Greenwich Village/ No
scenes of the beautiful hotels or theatres. It does have a large cast,most of the performers were
not even stereotypes, they were caricatures of the lowest sort.

The very few humorous
moments are all of a course sexual nature or quite insulting to the many fine New Yorkers that we
all know & love..

A few of the films nominated for the 'razzie' awards were far
better.

Ratings: * (out of 4) 20 points (out of 100) IMDb 1 (Out of 10)

In my
way of thinking I think the title should have been

NEW YORK, I HATE YOU." ], [ "Three Russian aristocrats soak up the decadence of Monte Carlo, despite the fact they are down to
their last franc. In order to support their lavish lifestyle, the three use the services of a
counterfeiter, and use the notes at the casinos, hoping to exchange the bogus currency for a
jackpot. Andrew Hughes, a US envoy, arrives at Monaco with his wife Helen, and the three decide to
make pals with the visitors, hoping for financial assistance. One of the three Russians, Count
Sergius Karamzin, plans to go further, with continuous advance towards Helen, while disappointing
the Count's maid, who loves Sergius. Eventually, circumstances play their hand against the three
aristocrats. Its obvious that Von Stroheim was trying to convey a message (with the foolishness of
American women and the improper behaviors of the aristocrats), rather than tell a story, and the
film really can bore modern audiences, like me, easily by doing that. Even the acting, which is
great in later EvS like Greed and the Wedding March, is just run of the mill here. The film could
have used improvements on various levels. Rating, 3." ], [ "Beloved tale of hero \"Benji\" (\"Higgins\" the dog) who is many different things to many different
people. In his busy day \"Benji\" grabs breakfast at the house of two young children, has a chat with
an officer of the law, chases an old lady's cat and reminds an aging café owner to start on the
day's special. Helper to some, amusement to others, he is companion to all.

Trouble
arises when his young friends are kidnapped and taken to the abandoned mansion that he calls home.
From here on we know only \"Benji\" can save the day.

Plot is routine from
writer/producer/director Joe Camp, and he does tend to over do the slow motion effects. Audiences
though will find it hard to resist the lovable little pooch, and kids of all ages are sure to adore
him. Cast were never going to be anything but background to \"Benji\".

Not what you'd call
inspired, but fun family fare. Academy Award nominee for \"Benji's\" theme, \"I Feel Love\".
/>Saturday, July 13, 1996 - Video" ], [ "In need of work, straight man Bud Abbott (as Jack) and comic partner Lou Costello (as Dinkel) get
the latter a job babysitting self-described \"problem child\" David Stollery (as Donald). Young
Stollery winds up reading Mr. Costello's favorite novel (see if you can guess the title), which puts
Costello to sleep, dreaming he and Mr. Abbott are reliving the story of \"Jack and the Beanstalk\"
(you guessed it).

The sepia-tone switches to color for the bulk of the production.
Apparently, this was an attempt at something different for the duo, a colorful children's fantasy.
It fails, but this is where you get to see Abbott & Costello in color, silent film superstar William
Farnum (as the King) make his last performance a bit part, boxer Max Baer's brother Buddy, and
Stollery before Disney's \"Spin and Marty\".

** Jack and the Beanstalk (4/4/52) Jean
Yarbrough ~ Lou Costello, Bud Abbott, Buddy Baer, William Farnum" ], [ "On assignment in scenic Italy, beautiful lip-synching Lana Turner (as Fredda Barlo) meets older
singer and prince Ezio Pinza (as Mr. Imperium). The two fall in love, while enjoying the pretty
Italian countryside. Unhappily, Mr. Pinza is called away to his Kingly father's death bed, leaving
Lana in the lurch. Twelve years later, Ms. Turner is a Los Angeles actress, about to make a motion
picture about falling in love with a King. Turner is being romanced by co-star Barry Sullivan, who
wants to marry her - then, King Pinza re-enters her life…

\"Mr. Imperium\" provides a
tired storyline for sex symbol Turner and debuting bass vocalist Pinza, who appeared for several
decades with the New York Metropolitan Opera. Pinza likely earned his MGM feature film career after
appearing in the hugely successful stage production of \"South Pacific\" (1949). The cast album, and
Pinza's golden \"Some Enchanted Evening\" single, sold millions. Supporting casters Marjorie Main,
Cedric Hardwicke, and Debbie Reynolds give the film a even greater sense of wasted resources./>
*** Mr. Imperium (1951) Don Hartman ~ Lana Turner, Ezio Pinza, Barry Sullivan" ], [ "I hate it when people in the movie theater talk back to the screen. It's one of the main reasons why
I stick to DVD's or videos . I saw The Clearing on DVD but if I had seen it in the movies I would
have had to stand up and SCREAM \" HE'S NOT DEAD YET , YOU MORON ! \"

The Clearing is
another in a long list of horrible movies that feature Mr.Redford . Legal Eagles , Havana , Indecent
Proposal , Up Close and Personal , Sneakers , Last Castle , and Spy Game . If Robert Redford told me
to invest in something I'd go the other way .

But the worst possible thing you can do to
an audience is this . Say you're being kidnapped and your kidnapper has a gun . He's holding it on
you for most of the movie . You turn the tables on him and start strangling him . Whatever you do
keep strangling him until he's DEAD ! Don't just strangle him for ten seconds . Stay with it ! Ten
minutes at least . But Bob stops too soon , walks away and forgets about Mr. Kidnapper until .......
He gets up , finds the gun and holds it on our hero again . At this point I wanted Mr. Kidnapper to
shoot Robert Redford . More than a few times . And I wanted to shoot him as well ." ], [ "The topics presented are very interesting; suburban culture, suburban sprawl, public transportation,
oil & gas depletion, energy dependence, alternative energy sources, etc.

The problem is
that this is a pure and shameless propaganda piece. One viewpoint is presented, then hammered upon
the viewer over and over. You see the same handful of 'experts' repeatedly making their case. The
supposed 'narrator' starts off sounding like a news reporter, but by the end even he is preaching
the film's dogma.

The dark side of the film is not so much the gloom and doom message
about oil depletion, but the sense that the folks in the film are actually wishful for a post-oil
society and all that it entails. They paint this picture of a utopian society where we all return to
the self-contained local village model; walk to work, shop locally, grow our own food, and generally
live an idyllic 19th century lifestyle. For them, the post-oil society would seem a grand vision of
a better world. It would certainly spell the end of globalization, and better still, the end of
Walmart. I will give them some credit for applying actual math in exposing the weaknesses of several
over-touted alternative energy sources, including ethanol and hydrogen.

I gave it 3 stars
because I appreciated the old footage and the premise." ], [ "Stan Laurel and Oliver Hardy are the most famous comedy duo in history, and deservedly so, so I am
happy to see any of their films. Ollie is recovering from a broken leg in hospital, and with nothing
else to do, Stan decides to visit him, and take him some boiled eggs and nuts, instead of candy.
Chaos begins with Stan curiously pulling Ollie's leg cast string, and manages to push The Doctor
(Billy Gilbert) out the window, clinging on to it, getting Ollie strung up to the ceiling. When the
situation calms down, Stan gets Ollie's clothes, as the Doctor wants them both to leave, and he also
manages to sit on a syringe, accidentally left by the nurse, filled with a sleeping drug, which
comes into effect while he is driving (which you can tell is done with a car in front of a large
screen. Filled with some likable slapstick and not too bad (although repetitive and a little
predictable) classic comedy, it isn't great, but it's a black and white film worth looking at. Stan
Laurel and Oliver Hardy were number 7 on The Comedians' Comedian. Okay!" ], [ "There is not much to say about this one except that it is probably the worst of the early spate of
zombie movies (I may get to watch another one, REVOLT OF THE ZOMBIES [1936], before the month is
out). For all star John Carradine's intention of building an army in the service of the Third Reich
with them, they are not seen to do much at all!; James Baskett (Uncle Remus from SONG OF THE SOUTH
[1946]!) plays their leader, who also serves as Carradine's manservant. Black comic Mantan Moreland
reprises his 'fraidy cat' chauffeur role from KING OF THE ZOMBIES (1941), as does the exotically
named Madame Sul-Te-Wan as Carradine's housekeeper. Unfortunately for Carradine, his supreme
achievement – the zombification of his wife – brings him all sorts of trouble: not only do her
relatives turn up at his remote abode/lab to inquire into her sudden death (which means he has to
fake a funeral service!) but she actually proves disobedient and indignant, eventually 'persuading'
her fellow zombies to rise against their master!! Also involved is cowboy star Bob Steele (still
best-known for his bit in Howard Hawks' THE BIG SLEEP [1946]) who plays a U.S. secret agent posing
as a Nazi posing as a Sheriff! Thankfully, director Sekely would have much better luck with his next
genre effort, THE DAY OF THE TRIFFIDS (1962)." ], [ "Talk about your wild life. Barely a B-movie, but what the hay...corny Sci-Fi and lesbian sex. From
the mind of writer and director Cody Jarrett, a cheesy slice of fun. A chemical company is dumping
waste that is causing mutants in a fish farm. The hot Kristi Russell stars as Dr. Barbara Michaels,
an EPA agent sent to investigate this environmental dilemma. She just happens to enter a lesbian
relationship with bartender Trixie(Ariadne Shaffer)and their love scenes are about as good as this
film gets. A man-size frog incites chaos; causing a car crash, raping the chemical company boss's
daughter, raping a girl under the bleachers at a football game, stiff-arm tackling a runner in the
football game, raping a nun...all before being shot twice in the chest after an antidote was found
all ready. The special effects...well, not special; a guy in a rubber frog costume without the
genitalia to prove himself. Tough tadpoles, do you still want to watch it? Go ahead, but bribe any
witness to secrecy." ], [ "When I think about TV movies, I always think of this film, I have watched it a few times on Sky
Movies, it was terrible.

Its been a long time, since I have seen this film, was just
browsing, and came across it on here :-S.

A microbiologist (Linda Flemming), goes on
holiday, with her son (William Flemming), at this holiday resort kinda place, they meet up with Paul
Johnson (taxi driver / owns a bar?), and Kathy Johnson.

Its like a weird romantic thing,
William starts to fall for Kathy, and Paul falls for Linda.

Some guy passes out in a
street, he has some mark on his arm, Joseph (Joseph was a deep sea diver, who on some dive, saw a
light, or something, and converted to religion), says he will take care of this person, there is a
gap in my memory, then there is a wide out break of the virus, I think Linda offers her help, to
come up with a cure, Kathy gets infected (William notices a mark on Kathy's arm), with the virus,
also does Joseph.

Paul says some lines to Joseph, then Joseph stumbles away, the next
time you see Joseph, he is cured some how, that information is used to cure the infected, then there
is a beach party, the end." ], [ "

Whether any indictment was intended must be taken into consideration. If in the year
2000 there were still rifts of feeling between Caucasian and Afro-Americans in Georgia, such as
shown in this film, obviously there remains a somewhat backward mentality among a lot of people out
there. It is rather hypocritical, to say the least, if everyone adores Halle Berry, Whoopie
Goldberg, Beyoncé, Noemi Campbell, Denzel Washington, Will Smith, et. al., whilst out in the backs
there persist manifest racial divides.

White grandmother suddenly gets black grand-
daughter thrust upon her, only to meet up with black grandfather in a very white social backwater.
The story is sweet, not lacking tragic overtones, and eminently predictable as in most of these
kinds of TV films, though the final scene has you guessing............ will he? won't he.......?/>
Gena Rowlands in her typical style offers a sincere rendering, and Louis Gossett is a good
match for her; the little Penny Bae fortunately does not steal the show.

A `nice' way of
relaxing after Sunday lunch without having to force your mind too much, though you might just find
yourself having a little siesta in the middle of it." ], [ "I have to be completely honest in saying first that I fell asleep somewhere in the middle, so I
cannot give a full opinion about the film until I see it in full. Basically, a group of thieves,
including Sid Carter (Sid James) and Ernie Bragg (Bernard Bresslaw), plan to make a fortune stealing
a shipment of contraceptive pills from Finisham maternity hospital. This is where title character
Matron (Hattie Jacques) works, along with staff members Sir Bernard Cutting (Kenneth Williams), Dr.
Francis Goode (Charles Hawtrey), Dr. Prodd (Terry Scott) and Nurse Susan Ball (Barbara Windsor).
Patients and their visitors are around too, including pregnant Mrs. Tidey (Joan Sims) and her
nervous dad-to-be husband Mr. Tidey (Kenneth Connor). Also starring Bill Maynard as Freddy and
EastEnders' Wendy Richard as Miss Willing. This plan by the way is not working out by the way,
because all the staff are getting in the way. That's pretty much all can say about the film until I
see it again in full. Okay!" ], [ "This is a cheapy biography of a star of the black and white minstrel shows, a certain Dixie Boy
Johnson. Whether this person ever really existed I don't know, but considering the cast lists a
certain \"Lee Lasses White\" and Roscoe Karns playing said character as well, I assume the man did
exist and that this is a white-washed (pardon the pun) version of his career. The plot, such as it
is, follows Dixie Boy from career heights to depression at the death of his wife in childbirth, his
abandonment of the child to friends, and his return at his daughter's sixteenth birthday and stage
debut for reconciliation. Another forgotten man, Benny Fields, plays Dixie Boy. The man has a lovely
baritone voice but no acting talent whatsoever and is a boring lump on screen. Gladys George
valiantly tries her best to enliven the works to no avail. Judy Clark does the best impersonation of
Betty Hutton I've ever seen although I believe she thought she was being herself. The scoring
replete with many musical numbers for its short running time of 70 minutes earned a deserved Oscar
nom. Worth a look." ], [ "We don't know if Darlene loves all three gentleman, certainly they are wary of one another, yet they
live together. Viewers might surmise that the feelings of rivalry between the gentleman and the
feelings of all of them toward Darlene might make for an unbearable home life.

In the
eerily beautiful rural Brazilian landscape (emphasized by the frequent use of polarization and the
use of Kodachrome stock), anything might happen, and the alternatives for any one of them. save
perhaps Ciro, may not be alluring enough to encourage them to change their circumstances. They seem
to bear the intolerable because it is familiar-the unknown frightens them into complacency toward a
fate which is more challenging than their characters can utilize. Thus it crushes them, rather than
strengthening them. The web in which they are caught is made of the sanguine filaments which bind us
all. Perhaps the sadness I felt after watching this movie has to do with it's portrayal of the
inevitable fading of our youth's bright colors in the unforgiving light of time. The three children
will enter the world fated to relive their parents lives to one or another degree. Well filmed and
portrayed, the story is tragic in it's essence. Walt Disney it ain't" ], [ "This show comes up with interesting locations as fast as the travel channel. It is billed as reality
but in actuality it is pure prime time soap opera. It's tries to use exotic locales as a facade to
bring people into a phony contest & then proceeds to hook viewers on the contestants soap opera
style.

It also borrows from an early CBS game show pioneer- Beat The Clock- by inventing
situations for its contestants to try & overcome. Then it rewards the winner money. If they can
spice it up with a little interaction between the characters, even better. While the game format is
in slow motion versus Beat The Clock- the real accomplishment of this series is to escape reality.


This show has elements of several types of successful past programs. Reality television,
hardly, but if your hooked on the contestants, locale or contest, this is your cup of tea. If your
not, this entire series is as I say, drivel dripping with gravy. It is another show hiding behind
the reality label which is the trend it started in 2000.

It is slick & well produced, so
it might last a while yet. After all, so do re-runs of Gilligan's Island, Green Acres, The Beverly
Hillbillies & The Brady Bunch. This just doesn't employ professional actors. The intelligence level
is about the same." ], [ "This weird movie from Texas is about Fallon, a dilettante rich boy in the late 1800s (although he
looks like a 60s C&W singer with greasy hair and sideburns) whose ship wrecks on an island owned by
Count DeSade (pronounced de-sayd) with his captain. The count is afraid of pirates and tortures a
young girl who was once a pirate hostage and also tortures the captain. Meanwhile, creepy former
nurse Cassandra tells Fallon the secrets of the castle. The Countess has leprosy and went mad!
Fallon is trapped but brings supplies. The captain is killed by a racist-caricature slave. Fallon is
thrown in the dungeon with the leper, who always thinks it's her wedding day. The leper bride is
horny, bu Cassandra kills her. Fallon and Cassandra escape the castle, but the Count and his slave
chase them with dogs. DeSade kills the slave and Fallon kills DeSade. Fallon and Cassandra fall in
love over the course of the next year, but when the supply ship comes, the crew refuses to take our
lovers because they're both lepers now. They live for years in the castle...Fallon's hair turns gray
and Cassandra goes bonkers. Fallon puts her in the dungeon. Our tale of love and leprosy ends./>
So bizarre it's watchable, and you can smell the drive-in popcorn." ], [ "After hoo-hooing American Indians scalp number one son, frontiersman Bruce Bennett (as Daniel Boone)
seems, at first, like he wants to get even; but, he really wants to make friends with the natives.
When sad-eyed Indian chief Lon Chaney Jr. (as Blackfish) also loses number one son, it gets more
difficult to clear up misunderstandings. Apparently, this was Republic Pictures' attempt to do for
their \"Daniel Boone, Trail Blazer\" what Disney Studio's had successfully done with \"Davy Crockett,
King of the Wild Frontier\" (1955).

The \"Dan'l Boone\" song, whistled and sung by a group
of children in a wagon, did not follow Fess Parker's \"Davy Crockett\" up the Hit Parade. Singer Faron
Young (as Faron Callaway) doesn't perform the title song (perhaps wisely); he does sing \"Long Green
Valley\", and makes a good impression as a blond boyfriend for Boone's daughter. But, Spanish actor
Freddy Fernandez is the film's most valuable player. In a cute scene, Mr. Fernandez reminds Mr.
Young the name of the character (\"Susannah\") he is supposed to be in love with.

****
Daniel Boone, Trail Blazer (10/5/56) Ismael Rodríguez ~ Bruce Bennett, Lon Chaney Jr., Faron Young,
Freddy Fernandez" ], [ "The title says it all. \"Tail Gunner Joe\" was a tag given to the Senator which relied upon the
ignorance of the public about World War II aircraft. The rear facing moving guns relied upon a latch
that would prevent the rear gunner from shooting off the tail of the airplane by preventing the gun
from firing when it pointed at the tail. When the Senator was practicing on the ground one day, he
succeeded in shooting off the tail of the airplane. He couldn't have done that if the gun had been
properly aligned. The gunnery officer responsible for that admitted, in public, before a camera,
that he was responsible -- he had made the error, not the Senator. The fact that the film did not
report that fact, shows how one-sided it is. This film was designed to do one thing, destroy the
reputation of a complex person.

A much better program was the PBS special done on him. He
was a hard working, intelligent, ambitious politician who overcame extraordinary disadvantages to
rise to extraordinary heights. He made some mistakes, some serious mistakes, but shooting the tail
off an airplane was not one of them.

The popularity of this film is due to the fact that
the public likes simple stories, one=sided stories, so that they don't have to think." ], [ "It was almost unfathomable to me that this film would be a bust but I was indeed disappointed.
Having been a connoisseur of Pekinpah cinema for years, I found this DVD, drastically reduced, for
sale and thought it was worth a shot. The opening few credits, iconic to Pekinpah fans, has the
inter-cutting between man and animal, but here we have non-diegetic ambient noise of children
playing in a schoolyard while a bomb is being planted. Fantastic suspense. Then, when the perps,
Caan and Duval, travel to their next mission, Duval drops the bomb on Cann that his date last night
had an STD, found only by snooping through her purse while Cann was being intimate with her. The
ensuing laughter is fantastic, and is clearly paid homage to in Brian Depalma's Dressed to Kill, at
the short-lived expense of Angle Dickenson. The problem with The Killer Elite is that after the
opening credits, the film falls flat. Even Bring Me The Head of Alfredo Garcia has stronger
production value, a bold call for anyone who knows what I'm talking about. I use Pekinpah's credits
as supplementary lecture material, but once they are finished, turn The Killer Elite off." ], [ "Simon Pegg stars as Sidney Young, a stereotypically clumsy idiot Brit working as a celebrity
journalist in this US comedy. After getting a very lucky break he starts work at the highly
respected Sharps magazine run by a reliably on form Jeff Bridges in New York. It's more The Devil
Wears Prada than Shaun of the Dead. The unlikely love interest is provided by Kirsten Dunst who
works well with Pegg for the laughs but they don't exactly set the screen ablaze with their
passion.

Sidney goes through some emotional challenges while trying to decide if he
should forget about his journalistic principles in order to get material in the magazine. Of course
he's eventually seduced by the glitz and glamour of the world of celebrities especially the young
starlet Sophie Maes (Transformers' Megan Fox). Fans of Shaun of the Dead, Hot Fuzz and Spaced will
wonder if Pegg himself ever experienced similar feelings in real life with this film and to an
extent Run Fat Boy Run as one of the UK's best comic talents being ruined by the US.

All
in all this is a forgettable comedy. Please come back to us Simon, we can forgive and forget." ], [ "I went to go see this at the Esquire Theatre in Cincy, OH, and - I hate my life now.
/>Christopher Reeves would have been a more believable boxer.

As a film it was painful,
but seeing Bret Carr in person was to see desperation at its pinnacle.

My favorite part
of the movie was seeing BC slammed in the face with what appeared to be a \"C\" battery. The jury is
still out on this. It was from a dildo and it was in slow-mo. Yep.

\"Shoot the left side
of the face only...people become famous by demanding things!\" - Bret Carr B. Carr donned a Chicken
Suit for a bit of reverse psychology, roaming the streets of Clifton bashing his own film. He
should. This is correct to bash the film.

My soul felt chafed after this movie.
/>Bret Carr is not charismatic enough to be the leader of a cult, or smart enough for that matter.
That is the feeling you get from the What the Bleepesque trickle of brainwashed, impressionable neo-
yuppies that came to see this Bret Carr Piece of Work.

It's an emotionally draining
experience just thinking about writing about this film, so goodbye.

-Anonymous" ], [ "

Back in his youth, the old man had wanted to marry his first cousin, but his family
forbid it. Many decades later, the old man has raised three children (two boys and one girl), and
allows his son and daughter to marry and have children. Soon, the sister is bored with brother #1,
and jumps in the bed of brother #2.

One might think that the three siblings are stuck
somewhere on a remote island. But no -- they are upper class Europeans going to college and busy in
the social world.

Never do we see a flirtatious moment between any non-related female and
the two brothers. Never do we see any flirtatious moment between any non-related male and the one
sister. All flirtatious moments are shared between only between the brothers and sister.
/>The weakest part of GLADIATOR was the incest thing. The young emperor Commodus would have hundreds
of slave girls and a city full of marriage-minded girls all over him, but no -- he only wanted his
sister? If movie incest is your cup of tea, then SUNSHINE will (slowly) thrill you to no end." ], [ "Awwww....yes, it is heartwarming and all that some unlucky family gets adopted by ABC/Sears and has
their home \"renovated.\" That's where the humanistic appeal ends. I liked it early in its run, but
now this show has become disgustingly excessive.

Ten needy families could be given
relatively luxurious homes with lots of goodies for every one family that each episode of this show
splurges on. The people at Habitat For Humanity must be shaking their heads in disbelief. For
example, is it necessary for a healthy sixteen year old boy to have a jacuzzi in his bedroom, or
have his bed tricked-out with \"Low Rider\" hydraulics? Does the mom really need her dilapidated, non-
running and rusted out old pick-up truck restored and \"pimped\" by some of the best customizers in
California? A new one would have done the job quite nicely, and probably for a third of the price.
Do people really need a sixty-five inch plasma screen in every room of the house? And then there's
the issue of who pays the increased property taxes and utility bills. Even after the zaniacs at
\"Makeover\" leave, somebody still has earn a living. I doubt the friendly folks down at Social
Services will see the humor in all of this largess.

This show is nothing more than a
ratings grabber for ABC, and a tacit commercial for its sponsors." ], [ "Seems to me that Joe Estevez spends most of his time hidden under the shadow of his rather
successful brother and appearing in really bad movies. Joe spends most his time walking around
dressed in black and looking quite moody. He takes orders from a puffy faced angel of death, who you
might recognize as the puffy faced villain from Tango & Cash and as the puffy faced cyborg from
Future War. Well, Joe and Puffy have a job to do and it involves taking some souls of some kids in a
big car being driven by a dumb galloot who questions Led Zeppelin. Well, the car crashes and the
chase is on. The lucky kids to escape Joe look like Tonya Harding and Rick Springfield. They're
chased around town, break things and Tonya gets leered at by her mom while she's undressing for a
bath. The action winds up at a hospital where we learn that heaven is an elevator ride away. In the
end, some green lights flash, Joe shouts and Puffy vanishes without a trace. Wish I could say the
same for this movie. Watch it from the relative safety of MST." ], [ "I appeared as an extra and was on location as a journalist covering \"The Dain Curse\". My involvement
was during the segments of this film shot in Jim Thorpe, Pa. (Jim Thorpe was also one of the
locations of the 1969 film \"The Molly Maguires\"). I reported the 'action' in the Emmaus Free Press
newspaper where I was editor 1978-80 (the paper ceased publication int he 1990s). I recall the
excellent attention to detail of the period costumes, automobiles, etc. The modern asphalted streets
of Jim Thorpe were covered with gravel to mimic a 1920s rural town of the south. At the time, I
interviewed the producer and spoke briefly with the director during a set change break; I did not
get to interview James Coburn which was always a great disappointment to me. As an aside, I appear
briefly in one of the street scenes wearing a snap- brim hat and a tweed jacket. The producer asked
me to \"jump in\" and it was a real thrill. I still have a collection of black and white stills I took
of the production work for the newspaper. Someday, they may be of interest to film/television
historians.--Lou Varricchio" ], [ "Uma Thurman plays Sissy, a young woman with a gypsy spirit (and freakishly large thumbs) who
hitchhikes cross-country, eventually finding her true place amongst a group of peyote-enlightened
cowgirls on a ranch devoted to preserving the Whooping Crane; Rain(bow) Phoenix is their lesbian
leader, Bonanza Jellybean, who falls in love with Sissy, thumbs or not. Gus Van Sant directed and
adapted Tom Robbins' book, but his satire has no primary target and just skitters all over the map,
like Sissy (maybe that was his goal, but it's not involving for an audience). Notorious box-office
flop wasn't so much panned as it was ignored, and one can see why: it's a series of sketches in
search of a plot, and the performances, directorial touches and cinematography are all variable.
Thurman is a stitch posing alongside the highway trying to get a ride, but this pretty much put the
kibosh on Phoenix's career. Writer Buck Henry (who didn't write this, but perhaps should have) gives
the most assured performance as the doctor who works on one of those thumbs.

Two thumbs
down." ], [ "It is apparent that director, writers and everyone else knows nothing about their own religion or
the people who practice it. This movie is endlessly flawed and overall a complete crock.
/>For instance, there is a scene where the rabbi enters the woman's ritual bath while a naked woman
is bathing, puts his hand on the head of a woman there and blesses her. This is complete mockery of
the laws, in this scene alone some of the laws broken include: Modesty, a rabbi would never enter a
ritual bath house while there are woman in it.

Improper contact, a rabbi would never put
his hand on a woman's head, not to mention that it is not the way a blessing is given.
/>The woman from the ritual bath is dunking a naked woman by pushing her head under the water, the
laws regarding ritual bathing require the entire body to make direct contact with the bath water;
this means nobody should be in contact with the person bathing, certainly not pushing them under!/>
There was more just in that scene alone, like dunking 13 times (where does that concept even
come from?) not to mention the rest of the movie was a total fallacy. It is scary what ignorance can
concoct!" ], [ "Yet another early film from Alfred Hitchcock which seems to have been done out of contractual
obligation. As with Juno and the Paycock, you can tell that Hitchcock had little interest in this
movie. There is almost no style or craft to it at all. The story revolves around Fred and Emily, a
young married couple, who come into some money and go on a cruise which proves to be a test of their
marriage. Emily is given a chance at a new life with a good hearted, wealthy man who falls in love
with her, but chooses to take the high road and stay with her husband. This might seem more
believable if Fred weren't made out to be a completely insensitive, pompous ass who jumps at the
first opportunity he sees to leave his wife for another woman. The couple ends up staying together,
but the movie lacks any real reconciliation scene. The third act goes in a completely different
direction, with the couple stranded on an abandoned ship and rescued by an Asian fishing boat. Joan
Barry does give a very stirring performance as the faithful wife of an unfaithful husband. That's
about all you can say for this one." ], [ "\"A bored television director is introduced to the black arts and astral projection by his
girlfriend. Learning the ability to separate his spirit from his body, the man finds a renewed
interest in his life and a sense of wellbeing. Unfortunately, the man discovers while he is
sleeping, his spirit leaves his body and his uncontrolled body roams the streets in a murderous
rampage,\" according to the DVD sleeve's synopsis.

The synopsis isn't entirely correct, as
it turns out.

Anyway, the movie opens with a dizzying \"out-of-body\" example of handsome
director Winston Rekert (as Paul Sharpe)'s newly discovered \"astral body\" experience; it also
foreshadows an upcoming dogfight. Young Andrew Bednarski (as Matthew Sharpe), being a kid, draws
pictures of \"The Blue Man\", as his murder spree begins. Handsome detective John Novak (as Stewart
Kaufman) discovers the victims are connected to Mr. Rekert. Mr. Novak's investigation leads to the
supernatural; a prime example of which is Karen Black (as Janus), with whom Rekert fears he is
falling in love.

Several in the cast perform well; but, \"The Blue Man\" winds up tying
itself up in a knot. Aka \"Eternal Evil\", its unsatisfying story tries to be far too clever for its
own good." ], [ "Based on a self-serving novel by one-time girl friend and groupie of F. Scott Fitzgerald, gossip
columnist Sheila Graham wrote this trashy story. Gregory Peck carries on in shameless excess as a
forceful be-drunk-or-be-damned alcoholic; in contradiction to the gentle and soft spoken real Scott
Fitzgerald. Focusing on Fitzgerald's Hollywood writing era, late in his life, the much-honored
author was, in fact, living a quiet life and effectively fighting his alcoholism at a time when AA
was not yet well known. Fitzgerald was none-too-proud to be recycling his flapper stories in order
to support both his wife (in a mental hospital) and his daughter (in college). Living in a small
apartment and driving a second hand Chevrolet his life was 180 degrees different than as portrayed
in this movie.

Virtually every 20th Century-Fox movie made during Daryll F. Zanuck's
leadership, as well as virtually every film directed by Henry King, was a work of excellence.
Beloved Infidel was the exception." ], [ "Despite, or perhaps in part because of the clever use of music to underscore the motivations and
ideologies of each of the major characters, stereotypes are in, and verisimilitude and
characterization are out in this not-too-subtle cinematic screed.

One gets the sense that
John Singleton was dabbling in post-structuralist literary theory because it was the flavor of the
day, and \"Higher Learning\" was the tendentious result. The low point of the movie is the \"peace\"
rally, in which the symbols of the 1960s \"free love\" movement are reappropriated for what much more
closely resembles a \"Take Back The Night\" rally with live, stridently identity-conscious musical
acts in tow. Perhaps in his prim revisionism the director was trying to assert that identity
politics is the new Vietnam? Ooh, how Adrienne Rich of him—and Remy's firing into the crowd is a
nice touch, if you're into Rich's sort of political posturing.

I wish I could give this
movie negative stars. I can recommend it only to those interested in the 1990s as history, a time
when radical feminists brought the academic trinity of race, class, and gender to popular culture
and declared man-hating \"a viable and honorable POLITICAL option\". Where's Camille Paglia when you
need her?" ], [ "I spent three months living in the East End of London in the latter half of 1987, when the show had
been on the air for almost two years. It was considered a running joke there.

Why?
Because it had an all-white cast. Every cast member and extra in the first couple of years was
white.

The street where I lived was a long one, with over 800 houses, and to the best of
my knowledge I was one of only three or four white faces living on that street. We were on the
corner of the Indian and Turkish \"quarters\", and even if you excluded those two races the Asians and
Afro-Caribbeans outnumbered the white people twenty-to-one. Plus, of course, of the very few white
people who *did* live in the area, the vast majority were Scots like me - a \"Cockney\" accent was
never heard.

That wasn't a racist rant, just a simple statement of fact. The BBC either
couldn't be bothered crossing London to do their research before writing this soap, or else they
only had white actors available and decided to bluff it out.

Either way, as I say, in the
East End of the time, we considered it a comedy show. :-)" ], [ "This is another of Hollywood's anti-communist polemics of the golden 1950s. Stalwart American Gene
Barry, lovely Englishwoman Valerie French, and three others are kidnapped by an alien and given
clamshells containing fantastic--and fantastically vague--power. What will the Earthlings do with
such power? Toss it in the sea or use it to wipe out all of mankind? Anybody who knows American
cinema circa 1957 knows the answer to what the commies will do, but the story gets ripe when the
Americans actually test the things in the middle of the Pacific. Then one scientist, alone with the
ultimate power in the universe, comes up with his own theory and uses it! His smarmy attitude
afterward is nauseating, and the cheery disposition of everyone else is appalling.

Here's
the spoiler for this dog: the capsules inside the clamshells have a mathematical code that tells the
prof that they kill only \"confirmed enemies of freedom\"! That's right--don't worry about the ethical
conundrum of killing everyone that an alien pill decides is an enemy of freedom; just do it! Hurray!
No commies! Silly female--and you threw yours into the sea! Ha ha! Kiss me, baby!" ], [ "The gang is back for more! Ron Howard and Cindy Williams are now married! Her brother is
demonstrating against the draft and Charles Martin Smith is doing everything he can in Vietnam to
get sent home.

The issues of the 60's are brought to light here, but it's all over the
place, beginning with New Year's Eve 1963, then three minutes later, it's New Year's Eve 1964, then
three minutes later, it's New Year's Eve 1965, then three minutes later, it's back to 1963 again.
Martin Smith is talking about his friend dying in a drag race a year ago, and a couple of scenes
later, this friend is winning his next heat in a drag race and to top it all off, the drug scene and
the flower children enter the picture (or pictures, in some cases, as many as three different camera
shots are shown on the screen at the same time).

If you want to watch this film, you have
to WATCH this film, but I'd advise you to stick to the original and leave it there. Wolfman Jack is
heard in the beginning of the film before almost every song played in the background, but where'd he
go? Maybe HE couldn't keep up with this film, either, and quit! 2 out of 10 stars!" ], [ "Warner Brothers social responsibility at its most ham-handed, with sermonizing every five minutes or
so about how we're Americans, we don't run from trouble, we face up to our responsibilities. It also
suggests that if you're willing to perjure yourself to protect your family from clearly deadly
gangsters, you're un-American. Walter Huston, looking bored, is the frustrated DA, and the \"average
American family\" includes such familiar faces as Sally Blane (looking a lot like her sister, Loretta
Young) and Dickie Moore, as an allegedly adorable moppet. Both are regularly crowded out of the
frame by Chic Sale, only 47 then but playing an octogenarian Civil War veteran, ponderously jumping
and \"amusingly\" nipping at Prohibition hooch and moralizing about how we're Americans, dag nabbit.
His St. Vitus Dance old-coot performance is tiresome schtick; it's like Walter Brennan based his
entire career on it. William Wellman directs efficiently and quickly, much like his earlier \"Public
Enemy,\" but he and the screenwriter neglect to show what happens to this family after the happy
fadeout -- i.e., they'd probably be rubbed out by the Mob." ], [ "William S. Hart (as Jim Treen), the most eligible bachelor in Canyon City, is finally getting
hitched, to pretty blonde waitress Leona Hutton (as Molly Stewart). His fiancée doesn't know it, but
Mr. Hart is secretly the western town's \"Most Wanted\" bandit. However, Hart is planning to go
straight, due to his marriage plans. Unfortunately, Ms. Hutton discovers Hart's secret stash, whilst
cleaning up his untidy cabin; so, she calls off the wedding. Next, Hutton succumbs to the charms of
mining swindler Frank Borzage (as W. Sloane Carey).

Serviceable entertainment from
superstar Hart; he was ranked no less than #1 at the box office, by Quigley Publications, for the
years 1915 and 1916 (ahead of Mary Pickford). The principles perform capably. Later on, Frank
Borzage was quite a director; and Leona Hutton, a suicide...

**** A Knight of the Trails
(8/20/15) William S. Hart ~ William S. Hart, Leona Hutton, Frank Borzage" ], [ "I saw this movie, and at times, I was unnerved believing this movie 'saw me.' Munchie sullies the
'farce' for years to come. Re-watch Star Wars, Don't-watch Munchie.

As a responsible
parent (I'm speaking to those who are parents now), I (you) would not let my (your) child ever
partake of this video festival of the pseudo-occult. To insinuate Munchie is satanic, to a co-
viewer, is likely to illicit a chilled 'duh.' He is fiendish, alien, rodential, and wholly
malevolent - like the Bogey man made flesh, invisible to adults, tempting children with lifestyles
they could never afford (without the income made possible by years of self denial and prudent
stewardship). He is a peddler of easy answers, and false ideals. He is everything the morally
conscious viewer is not. He is the devil's own Ron Popeil.

I pray (I mean this literally
and figuratively, with an emphasis on the former) that this movie has not made the format jump to
DVD. It is my hope that this type of 'yellow film making' died an un-mourned death in the cold
nights of 1994.

Munchie also loves pizza. I forgot to mention that. It comes up a lot." ], [ "The four LA cops in fedoras driving around in a big black convertible look faintly absurd, and even
more ridiculous when it turns out that Nick Nolte, the dumbest-looking of the lot, is in charge. The
writer never manages to create a spirit of camaraderie among the squad members, and the director
fails to wring articulacy out of the man-mountain Nolte. Foprget questioning anyone. Nolte's
character lights a cigaret, gets mad, and beats interviewees to a pulp. His methods get him nowhere,
until at one point in the action he is wandering from tossed residence to tossed residence with his
mouth open and his brain shut. He smashes up an FBI squad, and throws two military officers out of a
plane in flight, with only a vague report of anger at HQ and no punishment at all. At the end of the
film he is as gormless and muscle-bound as he was at the outset. How he managed to get a beautiful
whore to fall deeply in love with him is a mystery, as is the eternal devotion and tragic sense of
betrayal expressed by his jobless wife. Two interesting shots in the picture: one, of an atomic
explosion, the other of a gigantic crater, ostensibly caused by a Bomb. It's almost as wrecked and
puffy as Nolte's face." ], [ "You believe in God or you don't. You believe in Jesus or you don't. You believe He is the Son of God
or you don't. The choice is up to you.

Director Denys Arcand has really done everything
he could to bring back Jesus to a mere historic figure, social worker, son of two humans, instead of
the Son of God the Holy Spirit and Mary, Who opened Heaven again for us. Encouraging the Big Bang, a
world come from evolution, instead of seeing the beauty of creation. The film depicts a theologian
bringing some \"modern findings\" to the actor who plays Jesus in the Passion Play, who happily
incorporates them in his play.

The depicted priest who runs the sanctuary where the
Passion Play is performed in Montreal has a sexual relation with one of the female players of the
Passion Play instead of showing his love for God through celibacy. More often than not the
director's abhorrence of the Church is clearly visible.

The director has tried to make a
parallel between Jesus' life and the Passion Play actor's life. This is an admirable attempt, but
depicting the Resurrection with the transplantation of the Passion Play actor's organs in other
bodies signifies how the director thinks about Jesus.

My opinion is not important, God's
opinion is, but I wouldn't want to stand in the shoes of the director and actors when standing
before Jesus' throne." ], [ "This is a story of a Jewish dysfunctional family. The parents have divorced and mom remains back
east in the house. The father, Murray Abromowitz, moves with his children to California, and moves
around Beverly Hills so that his children can get the best education possible.

Things
really become funny when Marisa Tomei, Murray's niece, comes to lives with the group.

The
film deals with the various adventures of the family complicated by the drug scene of the affluent
neighborhood.

Jessica Walter costars as a woman who wants Murray to move in with her
since she wants a companion.

Carl Reiner and Rita Moreno come in towards the end. They
play Murray's brother and sister-in-law respectively; they're also the parents of Tomei. In front of
the children, Reiner lets loose reminding Murray that he has been paying the bills for them all
along.

The film ends on a sour note as the embarrassed family moves out of their fancy
digs and take to riding around Beverly Hills in their car. I guess the film is promoting
independence and some good old self-esteem." ] ], "fillcolor": "rgba(255,255,255,0)", "hoveron": "points", "hovertemplate": "%{hovertext}

sentiment=0
topn_NSS=%{x}
topn_PSS=%{y}
hover_data_0=%{customdata[0]}", "hovertext": [ 135, 136, 122, 107, 104, 103, 109, 114, 101, 109, 110, 113, 105, 106, 113, 100, 124, 101, 119, 105, 107, 102, 121, 114, 100, 117, 120, 111, 112, 100, 115, 121, 111, 119, 101, 106, 112, 127, 105, 124, 114, 109, 127, 104, 108, 100, 103, 127, 124, 118, 104, 137, 102, 107, 104, 105, 112, 102, 103, 100, 104, 100, 107, 138, 106, 101, 115, 109, 131, 123, 100, 114, 127, 132, 100, 102, 117, 105, 107, 108, 105, 101, 111, 124, 100, 105, 114, 103, 103, 102, 123, 105, 113, 121, 101, 125, 128, 105, 107, 101, 103, 111, 103, 103, 103, 120, 105, 110, 138, 122, 102, 111, 117, 105, 100, 112, 110, 121, 120, 105, 111, 125, 112, 102, 115, 105, 128, 108, 128, 117, 100, 113, 120, 113, 115, 115, 111, 103, 107, 100, 100, 131, 102, 128, 102, 131, 107, 112, 111, 104, 112, 110, 117, 128, 134, 114, 104, 114, 101, 105, 124, 109, 107, 105, 109, 104, 119, 106, 111, 104, 103, 111, 107, 101, 109, 117, 123, 105 ], "legendgroup": "0", "line": { "color": "rgba(255,255,255,0)" }, "marker": { "color": "red" }, "name": "0", "offsetgroup": "0", "orientation": "v", "pointpos": 0, "showlegend": true, "type": "box", "x": [ 0.16247746348381042, 0.10339150577783585, 0.14336711168289185, 0.14442642033100128, 0.1278717815876007, 0.13549301028251648, 0.16511335968971252, 0.1416325569152832, 0.16130979359149933, 0.16115257143974304, 0.13443967700004578, 0.16309624910354614, 0.16383634507656097, 0.14905503392219543, 0.16216282546520233, 0.13593915104866028, 0.1390458047389984, 0.15460525453090668, 0.1651647984981537, 0.11570243537425995, 0.1604882925748825, 0.12670031189918518, 0.1600506603717804, 0.1468346118927002, 0.15926587581634521, 0.1609850376844406, 0.1573239117860794, 0.16159576177597046, 0.15805977582931519, 0.162965789437294, 0.147716224193573, 0.16403475403785706, 0.16489557921886444, 0.1649009734392166, 0.14594319462776184, 0.15579062700271606, 0.1594506800174713, 0.14589925110340118, 0.1652461439371109, 0.14940162003040314, 0.1589459925889969, 0.14712932705879211, 0.1480860561132431, 0.10932792723178864, 0.15379974246025085, 0.15161865949630737, 0.13014496862888336, 0.12465338408946991, 0.16223783791065216, 0.1579529345035553, 0.16266991198062897, 0.16489435732364655, 0.15276779234409332, 0.151688814163208, 0.15675556659698486, 0.16513939201831818, 0.1360241323709488, 0.15215657651424408, 0.1050909012556076, 0.10429961234331131, 0.15611234307289124, 0.13812324404716492, 0.12170030921697617, 0.14060211181640625, 0.15504401922225952, 0.13072113692760468, 0.1392069011926651, 0.1545819640159607, 0.14429891109466553, 0.15723861753940582, 0.13405872881412506, 0.13853397965431213, 0.16328848898410797, 0.1531064659357071, 0.1504819691181183, 0.14584384858608246, 0.12856608629226685, 0.1617714911699295, 0.16331495344638824, 0.16001133620738983, 0.10688245296478271, 0.16270865499973297, 0.16354432702064514, 0.1513058990240097, 0.15992377698421478, 0.14023064076900482, 0.13511896133422852, 0.10355421900749207, 0.16124218702316284, 0.15983037650585175, 0.12666040658950806, 0.15259407460689545, 0.1481088101863861, 0.12523284554481506, 0.1594790816307068, 0.14451447129249573, 0.14211156964302063, 0.16173401474952698, 0.15484222769737244, 0.16477233171463013, 0.1625320464372635, 0.14587458968162537, 0.09013861417770386, 0.15933823585510254, 0.15727446973323822, 0.15211980044841766, 0.09700445830821991, 0.15696825087070465, 0.15587954223155975, 0.15937934815883636, 0.10910701751708984, 0.14459805190563202, 0.15205952525138855, 0.15838027000427246, 0.12539619207382202, 0.15053921937942505, 0.16194289922714233, 0.1590110808610916, 0.14830483496189117, 0.16138756275177002, 0.11109402775764465, 0.1368226557970047, 0.1523200273513794, 0.1449095755815506, 0.15666501224040985, 0.1433643102645874, 0.16462157666683197, 0.16091497242450714, 0.1254691630601883, 0.15205952525138855, 0.13664914667606354, 0.16034068167209625, 0.14253640174865723, 0.1423177272081375, 0.14671900868415833, 0.14787054061889648, 0.15990513563156128, 0.15752674639225006, 0.16245602071285248, 0.1409037858247757, 0.12243875861167908, 0.11683705449104309, 0.1640743464231491, 0.16075749695301056, 0.16350491344928741, 0.15962272882461548, 0.16313087940216064, 0.14602847397327423, 0.15333977341651917, 0.12663063406944275, 0.16041891276836395, 0.15359129011631012, 0.15205952525138855, 0.127714604139328, 0.14571444690227509, 0.16517111659049988, 0.15099868178367615, 0.14539100229740143, 0.1612202227115631, 0.1433643102645874, 0.14631779491901398, 0.15263722836971283, 0.12895172834396362, 0.11911764740943909, 0.16132058203220367, 0.16075502336025238, 0.14671824872493744, 0.1492258757352829, 0.14706140756607056, 0.16078224778175354, 0.1463383436203003, 0.1435636729001999, 0.13194912672042847, 0.07439921051263809, 0.16175231337547302, 0.1591034233570099, 0.13918617367744446, 0.132239431142807 ], "x0": " ", "xaxis": "x", "y": [ 0.16051778197288513, 0.11380556970834732, 0.12516942620277405, 0.14504417777061462, 0.1458558589220047, 0.14331310987472534, 0.1528613269329071, 0.13095642626285553, 0.15217390656471252, 0.14663691818714142, 0.14497576653957367, 0.11573581397533417, 0.1634879857301712, 0.15751495957374573, 0.1486254185438156, 0.1392625868320465, 0.13533787429332733, 0.15085706114768982, 0.1604328751564026, 0.10371022671461105, 0.15569423139095306, 0.14574559032917023, 0.1593046337366104, 0.13883186876773834, 0.16103003919124603, 0.15961812436580658, 0.1549447625875473, 0.14118796586990356, 0.1484110802412033, 0.13815777003765106, 0.14892365038394928, 0.1456066370010376, 0.14363723993301392, 0.16263115406036377, 0.1450745314359665, 0.14209625124931335, 0.14269131422042847, 0.14358048141002655, 0.13689041137695312, 0.15356111526489258, 0.14044350385665894, 0.1455673724412918, 0.1340285688638687, 0.09744933992624283, 0.15366728603839874, 0.16268107295036316, 0.14084921777248383, 0.14724111557006836, 0.15555040538311005, 0.1573186218738556, 0.15809568762779236, 0.15834598243236542, 0.11979342252016068, 0.1332855522632599, 0.15316703915596008, 0.15671676397323608, 0.1126575842499733, 0.15720537304878235, 0.15239232778549194, 0.12452644109725952, 0.14138565957546234, 0.1437961906194687, 0.12958192825317383, 0.13977141678333282, 0.15430594980716705, 0.11362771689891815, 0.12865415215492249, 0.13433769345283508, 0.15713074803352356, 0.13020364940166473, 0.1527739018201828, 0.1372726410627365, 0.16234369575977325, 0.13837090134620667, 0.14707845449447632, 0.1286741942167282, 0.14593379199504852, 0.14672785997390747, 0.1459956169128418, 0.15802115201950073, 0.09635677188634872, 0.16047294437885284, 0.12940743565559387, 0.15502484142780304, 0.15027420222759247, 0.15044167637825012, 0.12836357951164246, 0.09852033108472824, 0.14766064286231995, 0.15690287947654724, 0.11909975856542587, 0.1548517346382141, 0.1569700837135315, 0.13501952588558197, 0.14246560633182526, 0.15443025529384613, 0.15907186269760132, 0.1607894003391266, 0.16244710981845856, 0.15164123475551605, 0.12916463613510132, 0.14553678035736084, 0.11378224939107895, 0.149262472987175, 0.15949487686157227, 0.15962058305740356, 0.1268046349287033, 0.14759814739227295, 0.12885302305221558, 0.1332504004240036, 0.1422436535358429, 0.1305532306432724, 0.15415960550308228, 0.13937151432037354, 0.1137986108660698, 0.11492185294628143, 0.15667201578617096, 0.14815744757652283, 0.1558387726545334, 0.13739845156669617, 0.12546950578689575, 0.14078348875045776, 0.13994404673576355, 0.13809806108474731, 0.14609618484973907, 0.12427220493555069, 0.1552596092224121, 0.1326984316110611, 0.13696585595607758, 0.15415960550308228, 0.10806111991405487, 0.14602774381637573, 0.12645220756530762, 0.13060900568962097, 0.12945111095905304, 0.15717412531375885, 0.11591026186943054, 0.16534464061260223, 0.13966016471385956, 0.14922909438610077, 0.12475279718637466, 0.13627858459949493, 0.13727955520153046, 0.1531505137681961, 0.15613913536071777, 0.14852526783943176, 0.15822483599185944, 0.1461261361837387, 0.1636439710855484, 0.13108235597610474, 0.1546204686164856, 0.14277523756027222, 0.15415960550308228, 0.1188591793179512, 0.1625024974346161, 0.1616157591342926, 0.14731931686401367, 0.16251517832279205, 0.15126611292362213, 0.12427220493555069, 0.15248334407806396, 0.1465490162372589, 0.15571093559265137, 0.1368400901556015, 0.12727583944797516, 0.16123850643634796, 0.14941801130771637, 0.1461937129497528, 0.1506841778755188, 0.1340503692626953, 0.12180173397064209, 0.13392826914787292, 0.13013529777526855, 0.10543683171272278, 0.13359637558460236, 0.13619789481163025, 0.14431582391262054, 0.1377437263727188 ], "y0": " ", "yaxis": "y" }, { "hovertemplate": "x=%{x}
y=%{y}", "legendgroup": "", "line": { "color": "#636efa", "dash": "solid" }, "marker": { "symbol": "circle" }, "mode": "lines", "name": "", "orientation": "v", "showlegend": false, "type": "scatter", "x": [ 0, 0.2 ], "xaxis": "x", "y": [ 0, 0.2 ], "yaxis": "y" } ], "layout": { "boxmode": "group", "font": { "color": "#7f7f7f", "family": "Courier New, monospace", "size": 12 }, "height": 700, "legend": { "title": { "text": "sentiment" }, "tracegroupgap": 0 }, "margin": { "t": 60 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "sequentialminus": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "title": { "text": "Distribution of low subjectivity reviews on the PSS-NSS plane" }, "width": 700, "xaxis": { "anchor": "y", "domain": [ 0, 1 ], "title": { "text": "Negative Sentiment Score (NSS)" } }, "yaxis": { "anchor": "x", "domain": [ 0, 1 ], "title": { "text": "Positive Sentiment Score (PSS)" } } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "explore_low_subjectivity_reviews(df_slice)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## A Qualitative Assessment" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "In the rest of this post, I will qualitatively analyze a couple of reviews from the high complexity group to support my claim that sentiment analysis is a complicated intellectual task even for the human brain.\n", "\n", "Although NLP is never concerned with relation between intention and convention in a way that this issue is addressed in theory of meaning and philosophy of language, we can not ignore that one may use words with an intention of meaning or sentiment that differs from the ordinary usages of the words. For instance, we may sarcastically use a word, which is often considered positive in convention of communication to express our negative opinion. A sentiment analysis model can not notice this sentiment shift if it did not learn how to use contextual indications to predict sentiment intended by the author. To illustrate this point let's see review **#46798** which has minimum S3 in the high complexity group. Starting with the word \"Wow\" which is the exclamation of surprise, often used for expressing astonishment or admiration, the review seems to be a positive one. The reviewer paradoxically repeats that bad films are entertaining. But the model successfully captured the negative sentiment expressed with irony and sarcasm. \n", "\n", "Another reason behind the sentiment complexity of a text is to express different emotions about different aspects of the subject so that the general sentiment of the text would not be clearly grasped. An instance is review **#21581** that has the highest S3 in the group of high sentiment complexity. The review starts with the story of the film which is, according to the reviewer, \"so stupid\" and \"a poor joke, at best\". But soon after that, the complexity appears by stating positive and negative aspects of the film using several *sentiment shifters* such as 'not', 'but' and 'however'. Overall the film is 8/10 in the reviewer's opinion and the model managed to predict this positive sentiment despite all the complex emotions expressed in this short text. In contrast, review **#29090** is an example of the model's error. The review is strongly negative and clearly expresses disappointment and anger about the ratting and publicity that the film gained undeservedly. However, the model failed to predict the sentiment. Apparently, because the review vastly includes other people's positive opinions on the movie as well as the reviewer's positive emotions on other movies.\n", "\n", "Similarly interesting, review **#16858** dramatically combines complex emotions about the film. The reviewer used to love the film and watched it over and over when they were a kid. Watching the film as a grown-up, their experience, however, isn't as great as they remembered: the acting, the storyline, the jokes look \"pretty bad\". No one can be sure about the reviewer's final decision between these two completely opposite sentiments. And surprisingly they decide to appreciate their childhood and give it 7 stars. No wonder that the model failed to recognize the power of nostalgia.\n", "\n", "To be fair, we must admit that sometimes our manual labeling is also not accurate enough. An impressive example is review **#46894** which is labeled as negative but the reviewer explicitly spells out that \"I give the show a six\". Please note that the dataset introduction document claims that reviews with scores 5 and 6 are considered neutral and not included in the dataset. Nevertheless, our model accurately classified this review as positive although in model evaluation we had to count it as a false positive prediction. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Review #46798 (True Negative Prediction):**\n", "- `topn_PSS` = 0.297876\n", "- `topn_NSS` = 0.389544\n", "- `topn_semantic_sentiment_score` = -0.0916676 \n", "\n", "> \"Wow. As soon as I saw this movie\\'s cover, I immediately wanted to watch it because it looked so bad. Sometimes I watch Bollywood movies just because they\\'re so bad that it will be entertaining (eg. Koi Mil Gaya). This movie had all the elements of an atrocious film: a \"gang of local thugs\" that is completely harmless, a poorly done motorcycle scene, horrible dialouge (\"Congrats son, I am very proud that you are a Bad Boy\"), actors playing basketball as if they are good, atrocious songs (\"Me bad, me bad, me bad bad boy\"), unexplained plot lines like why are the Good Boy and Bad Boy friends??? And why is the hot girl in love with the nerd?? I\\'ve never seen such a poorly constructed story with such horrible directly. Some of the scenes actually took 30 seconds long like the one where the Good and Bad Boys inexplicably ran over the \"gang member\\'s\" poker game. Congrats Ashwini Chaudry, you are a Bad Director. If you want to watch a good movie, watch Guru, if you want to watch a movie so bad that it\\'s actually entertaining, then watch Good Boy, Boy.\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Review #21581 (True Positive Prediction):**\n", "- `topn_PSS` = 0.260054\n", "- `topn_NSS` = 0.247708\n", "- `topn_semantic_sentiment_score` = 0.0123464\n", "\n", "> \"The plot: A crime lord is uniting 3 different mafias in an entreprise to buy an island, that would then serve as money-laundering facility for organized crime. To thwart that, the FBI tries to bust one of the mafia lords. The thing goes wrong, and by some unlikely plot twists and turns, we are presented with another \"cop buddies who don\\'t like each other\" movie... one being a female FBI agent, and the other a male ex-DEA agent.

So far, so stupid. But the strength of this movie does not lie in its story - a poor joke, at best. It is funny. (At least the synchronized German version is). The action is good, too, with a memorable scene involving a shot gun and a rocket launcher. But the focus is squarely on the humour. Not intelligent satire, not quite slapstick, but somewhere in between, you get a lot of funny jokes.

However, this film is the opposite of political correctness. Legal drug abuse is featured prominently, without criticism, and even displaying it as cool. That\\'s the bit of the movie that seriously annoyed me, and renders it unsuitable for kids, in my opinion.

All in all, for a nice evening watching come acceptable action with some funny jokes, this movie is perfect. Just remember: In this genre, it is common to leave your brain at the door when you enter the cinema / TV room. Then you\\'ll have a good time. 8/10\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Review #29090 (False Positive Prediction):**\n", "\n", "- `topn_PSS` = 0.254718\n", "- `topn_NSS` = 0.252167\n", "- `topn_semantic_sentiment_score` = 0.00255111\n", "\n", "> \"How this film gains a 6.7 rating is beyond belief. It deserves nothing better than a 2.0 and clearly should rank among IMDb\\'s worst 100 films of all time. National Treasure is an affront to the national intelligence and just yet another assault made on American audiences by Hollywood. Critics told of plot holes you could drive a 16 wheeler through.

I love the justifications for this movie being good... \"Nicholas Cage is cute.\" Come on people, no wonder people around the world think Americans are stupid. This has to be the most stupid, insulting movie I have ever seen. If you wanted to see an actually decent film this season, consider Kinsey, The Woodsman, Million Dollar Baby or Sideways. National Treasure unfortunately got a lot more publicity than those terrific films. I bet most of you reading this haven\\'t even heard of them, since some haven\\'t been widely released yet.

Nicholas Cage is a terrific actor - when he is in the right movies. Time after time I\\'ve seen Cage waste his terrific talent in awful mind-numbing films like Con Air, The Rock and Face-Off. When his talent is put to good use like in Charlie Kaufman\\'s Adaptation he is an incredible actor.

Bottom line - I\\'d rather feed my hand to a wood chipper than be subjected to this visual atrocity again.\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Review #16858 (False Negative Prediction):**\n", "- `topn_PSS` = 0.251645\n", "- `topn_NSS` = 0.256545\n", "- `topn_semantic_sentiment_score` = -0.0048998\n", "\n", ">\"Yes, I loved this movie when I was a kid. When I was growing up I saw this movie so many times that my dad had to buy another VHS copy because the old copy had worn out.

My family received a VHS copy of this movie when we purchased a new VHS system. At first, my mom wasn't sure that this was an appropriate movie for a 10 year old but because we had just bought a new VHS system she let me watch it.

Like I said, this movie is every little boys dream The movie contains a terrific setting, big muscled barbarians, beautiful topless women, big bad monsters and jokes you'll only get when you get older. So, a couple of days ago I inserted the video and watched the movie again after a long time. At first, I was bored, then started thinking about how much I loved this movie when I was kid, and continued watching. Yeah, the experience wasn't as great as I remembered The acting is pretty bad, the storyline is pretty bad, the jokes weren't funny anymore, but the women were still pretty. Yes, I've grown up. Even though the movie experience has changed for me, I still think it's worth 7 stars. For the good old times you know\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Review #46894 (Positive Prediction, wrongly labeled as Negative)**:\n", "- `topn_PSS` = 0.286535\n", "- `topn_NSS` = 0.211566\n", "- `topn_semantic_sentiment_score` = 0.0749689\n", ">\"I give the show a six because of the fact that the show was in fact a platform for Damon Wayans as the Cosby Show was for Bill Cosby, it dealt with a lot of issues with humor and I felt that it in fact tailored to getting a laugh as opposed to letting the jokes come from the character.

Michael Kyle An interesting patriarch and a wisecracking person. He is PHENOMENAL in movies, but in the show he was there for the wisecrack and though I loved it, I felt that the laugh was more important than plausibility.

Jay Kyle I have loved her since House Party and have enjoyed her in School Daze and Martin, this was a great role for her and she made a great choice in picking this sitcom to co-star in. I also feel that Jay and Michael were more like equals in the show but Jay was more the woman who fed her crazy husbands the lines and went along with his way of unorthodox discipline because she may have felt that it worked

Jr Just plain stupid, his character should have been well developed and even though he does have his moments of greatness, we are returned to the stupidity as if he learned nothing, which drives me nuts!!!!!!!! Not to mention that most of the situations (in episodes I've seen) seems to center around him

Clair The attractive sister who dated a Christian, I found her boyfriend's character to be more interesting than she was (she'd be better off sticking to movies, the writers should have done more to show her intelligence but it's not stereotypical enough)

Kady Lovable and the youngest daughter. I think the writers established her character most on the show aside from the parents and Franklin

Franklin I LOVE this character and I think they derived it from Smart Guy (T.J. Mowry) which only lasted one season. They did a great job of casting for this little genius (the effort would have been made if Jr would have been the smart one but show the down sides also)

All in all, this sitcom is a wonderful thing and it's homage to the Cosby Show is well done, I love the show and wished it would have stayed on longer than that. I can't wait to see the series finale\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Now it's your turn\n", "Let's have fun with the *Text Semantic Sentiment Analysis* function. Share your opinion with the TopSSA model and explore how accurate is it in analyzing the sentiment." ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "text_SSA(keyed_vectors=keyed_vectors,\n", " tokenizer=tokenizer,\n", " positive_target_tokens=pos_concepts,\n", " negative_target_tokens=neg_concepts,\n", " topn=30)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "---\n", "## Acknowledgments\n", "I’d like to express my deepest gratitude to [Javad Hashemi](https://www.linkedin.com/in/thejavadhashemi/) for his constructive suggestions and helpful feedback on this project. Particularly, I am grateful for his insights on sentiment complexity and his optimized solution to calculate vector similarity between two lists of tokens that I used in the [`list_similarity`](https://github.com/TextualData/IMDB-Semantic-Sentiment-Analysis/blob/main/Word2Vec/src/w2v_utils.py) function." ] } ], "metadata": { "colab": { "collapsed_sections": [ "VzL_PidGqjMi" ], "name": "NLP_Notebook.ipynb", "provenance": [] }, "kernelspec": { "display_name": "Env 3.6", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.6.13" } }, "nbformat": 4, "nbformat_minor": 4 }